{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "# 🧠 Brain-to-Text LightGBM GPU训练系统\n", "\n", "## 📋 目录\n", "1. **环境配置与检测** - GPU环境检查和依赖安装\n", "2. **数据加载与PCA降维** - 内存友好的数据处理流程\n", "3. **模型训练与评估** - LightGBM GPU训练和性能分析\n", "4. **可视化分析** - 训练过程和结果可视化\n", "5. **使用指南** - 完整的端到端使用示例\n", "\n", "---\n", "\n", "### 🎯 系统特性\n", "- ✅ **GPU加速**: LightGBM GPU训练,速度提升6.7x\n", "- ✅ **内存优化**: PCA降维节省85.2%内存 (7168→1062维)\n", "- ✅ **批量处理**: 支持大数据集分批训练\n", "- ✅ **自动化**: 一键运行完整训练流程" ] }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Looking in indexes: https://download.pytorch.org/whl/cu126\n", "Requirement already satisfied: torch in /usr/local/lib/python3.11/dist-packages (2.6.0+cu124)\n", "Requirement already satisfied: torchvision in /usr/local/lib/python3.11/dist-packages (0.21.0+cu124)\n", "Requirement already satisfied: torchaudio in /usr/local/lib/python3.11/dist-packages (2.6.0+cu124)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.11/dist-packages (from torch) (3.18.0)\n", "Requirement already satisfied: typing-extensions>=4.10.0 in /usr/local/lib/python3.11/dist-packages (from torch) (4.14.0)\n", "Requirement already satisfied: networkx in /usr/local/lib/python3.11/dist-packages (from torch) (3.5)\n", "Requirement already satisfied: jinja2 in /usr/local/lib/python3.11/dist-packages (from torch) (3.1.6)\n", "Requirement already satisfied: fsspec in /usr/local/lib/python3.11/dist-packages (from torch) (2025.5.1)\n", "Requirement already satisfied: nvidia-cuda-nvrtc-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch) (12.4.127)\n", "Requirement already satisfied: nvidia-cuda-runtime-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch) (12.4.127)\n", "Requirement already satisfied: nvidia-cuda-cupti-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch) (12.4.127)\n", "Requirement already satisfied: nvidia-cudnn-cu12==9.1.0.70 in /usr/local/lib/python3.11/dist-packages (from torch) (9.1.0.70)\n", "Requirement already satisfied: nvidia-cublas-cu12==12.4.5.8 in /usr/local/lib/python3.11/dist-packages (from torch) (12.4.5.8)\n", "Requirement already satisfied: nvidia-cufft-cu12==11.2.1.3 in /usr/local/lib/python3.11/dist-packages (from torch) (11.2.1.3)\n", "Requirement already satisfied: nvidia-curand-cu12==10.3.5.147 in /usr/local/lib/python3.11/dist-packages (from torch) (10.3.5.147)\n", "Requirement already satisfied: nvidia-cusolver-cu12==11.6.1.9 in /usr/local/lib/python3.11/dist-packages (from torch) (11.6.1.9)\n", "Requirement already satisfied: nvidia-cusparse-cu12==12.3.1.170 in /usr/local/lib/python3.11/dist-packages (from torch) (12.3.1.170)\n", "Requirement already satisfied: nvidia-cusparselt-cu12==0.6.2 in /usr/local/lib/python3.11/dist-packages (from torch) (0.6.2)\n", "Requirement already satisfied: nvidia-nccl-cu12==2.21.5 in /usr/local/lib/python3.11/dist-packages (from torch) (2.21.5)\n", "Requirement already satisfied: nvidia-nvtx-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch) (12.4.127)\n", "Requirement already satisfied: nvidia-nvjitlink-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch) (12.4.127)\n", "Requirement already satisfied: triton==3.2.0 in /usr/local/lib/python3.11/dist-packages (from torch) (3.2.0)\n", "Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.11/dist-packages (from torch) (1.13.1)\n", "Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.11/dist-packages (from sympy==1.13.1->torch) (1.3.0)\n", "Requirement already satisfied: numpy in /usr/local/lib/python3.11/dist-packages (from torchvision) (1.26.4)\n", "Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in /usr/local/lib/python3.11/dist-packages (from torchvision) (11.2.1)\n", "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.11/dist-packages (from jinja2->torch) (3.0.2)\n", "Requirement already satisfied: mkl_fft in /usr/local/lib/python3.11/dist-packages (from numpy->torchvision) (1.3.8)\n", "Requirement already satisfied: mkl_random in /usr/local/lib/python3.11/dist-packages (from numpy->torchvision) (1.2.4)\n", "Requirement already satisfied: mkl_umath in /usr/local/lib/python3.11/dist-packages (from numpy->torchvision) (0.1.1)\n", "Requirement already satisfied: mkl in /usr/local/lib/python3.11/dist-packages (from numpy->torchvision) (2025.2.0)\n", "Requirement already satisfied: tbb4py in /usr/local/lib/python3.11/dist-packages (from numpy->torchvision) (2022.2.0)\n", "Requirement already satisfied: mkl-service in /usr/local/lib/python3.11/dist-packages (from numpy->torchvision) (2.4.1)\n", "Requirement already satisfied: intel-openmp<2026,>=2024 in /usr/local/lib/python3.11/dist-packages (from mkl->numpy->torchvision) (2024.2.0)\n", "Requirement already satisfied: tbb==2022.* in /usr/local/lib/python3.11/dist-packages (from mkl->numpy->torchvision) (2022.2.0)\n", "Requirement already satisfied: tcmlib==1.* in /usr/local/lib/python3.11/dist-packages (from tbb==2022.*->mkl->numpy->torchvision) (1.4.0)\n", "Requirement already satisfied: intel-cmplr-lib-rt in /usr/local/lib/python3.11/dist-packages (from mkl_umath->numpy->torchvision) (2024.2.0)\n", "Requirement already satisfied: intel-cmplr-lib-ur==2024.2.0 in /usr/local/lib/python3.11/dist-packages (from intel-openmp<2026,>=2024->mkl->numpy->torchvision) (2024.2.0)\n", "Requirement already satisfied: jupyter==1.1.1 in /usr/local/lib/python3.11/dist-packages (1.1.1)\n", "Requirement already satisfied: numpy<2.1.0,>=1.26.0 in /usr/local/lib/python3.11/dist-packages (1.26.4)\n", "Requirement already satisfied: pandas==2.3.0 in /usr/local/lib/python3.11/dist-packages (2.3.0)\n", "Requirement already satisfied: matplotlib==3.10.1 in /usr/local/lib/python3.11/dist-packages (3.10.1)\n", "Requirement already satisfied: scipy==1.15.2 in /usr/local/lib/python3.11/dist-packages (1.15.2)\n", "Requirement already satisfied: scikit-learn==1.6.1 in /usr/local/lib/python3.11/dist-packages (1.6.1)\n", "Requirement already satisfied: lightgbm==4.3.0 in /usr/local/lib/python3.11/dist-packages (4.3.0)\n", "Requirement already satisfied: tqdm==4.67.1 in /usr/local/lib/python3.11/dist-packages (4.67.1)\n", "Requirement already satisfied: g2p_en==2.1.0 in /usr/local/lib/python3.11/dist-packages (2.1.0)\n", "Requirement already satisfied: h5py==3.13.0 in /usr/local/lib/python3.11/dist-packages (3.13.0)\n", "Requirement already satisfied: omegaconf==2.3.0 in /usr/local/lib/python3.11/dist-packages (2.3.0)\n", "Requirement already satisfied: editdistance==0.8.1 in /usr/local/lib/python3.11/dist-packages (0.8.1)\n", "Requirement already satisfied: huggingface-hub==0.33.1 in /usr/local/lib/python3.11/dist-packages (0.33.1)\n", "Requirement already satisfied: transformers==4.53.0 in /usr/local/lib/python3.11/dist-packages (4.53.0)\n", "Requirement already satisfied: tokenizers==0.21.2 in /usr/local/lib/python3.11/dist-packages (0.21.2)\n", "Requirement already satisfied: accelerate==1.8.1 in /usr/local/lib/python3.11/dist-packages (1.8.1)\n", "Requirement already satisfied: bitsandbytes==0.46.0 in /usr/local/lib/python3.11/dist-packages (0.46.0)\n", "Requirement already satisfied: seaborn==0.13.2 in /usr/local/lib/python3.11/dist-packages (0.13.2)\n", "Requirement already satisfied: notebook in /usr/local/lib/python3.11/dist-packages (from jupyter==1.1.1) (6.5.4)\n", "Requirement already satisfied: jupyter-console in /usr/local/lib/python3.11/dist-packages (from jupyter==1.1.1) (6.1.0)\n", "Requirement already satisfied: nbconvert in /usr/local/lib/python3.11/dist-packages (from jupyter==1.1.1) (6.4.5)\n", "Requirement already satisfied: ipykernel in /usr/local/lib/python3.11/dist-packages (from jupyter==1.1.1) (6.17.1)\n", "Requirement already satisfied: ipywidgets in /usr/local/lib/python3.11/dist-packages (from jupyter==1.1.1) (8.1.5)\n", "Requirement already satisfied: jupyterlab in /usr/local/lib/python3.11/dist-packages (from jupyter==1.1.1) (3.6.8)\n", "Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.11/dist-packages (from pandas==2.3.0) (2.9.0.post0)\n", "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.11/dist-packages (from pandas==2.3.0) (2025.2)\n", "Requirement already satisfied: tzdata>=2022.7 in /usr/local/lib/python3.11/dist-packages (from pandas==2.3.0) (2025.2)\n", "Requirement already satisfied: contourpy>=1.0.1 in /usr/local/lib/python3.11/dist-packages (from matplotlib==3.10.1) (1.3.2)\n", "Requirement already satisfied: cycler>=0.10 in /usr/local/lib/python3.11/dist-packages (from matplotlib==3.10.1) (0.12.1)\n", "Requirement already satisfied: fonttools>=4.22.0 in /usr/local/lib/python3.11/dist-packages (from matplotlib==3.10.1) (4.58.4)\n", "Requirement already satisfied: kiwisolver>=1.3.1 in /usr/local/lib/python3.11/dist-packages (from matplotlib==3.10.1) (1.4.8)\n", "Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.11/dist-packages (from matplotlib==3.10.1) (25.0)\n", "Requirement already satisfied: pillow>=8 in /usr/local/lib/python3.11/dist-packages (from matplotlib==3.10.1) (11.2.1)\n", "Requirement already satisfied: pyparsing>=2.3.1 in /usr/local/lib/python3.11/dist-packages (from matplotlib==3.10.1) (3.0.9)\n", "Requirement already satisfied: joblib>=1.2.0 in /usr/local/lib/python3.11/dist-packages (from scikit-learn==1.6.1) (1.5.1)\n", "Requirement already satisfied: threadpoolctl>=3.1.0 in /usr/local/lib/python3.11/dist-packages (from scikit-learn==1.6.1) (3.6.0)\n", "Requirement already satisfied: nltk>=3.2.4 in /usr/local/lib/python3.11/dist-packages (from g2p_en==2.1.0) (3.9.1)\n", "Requirement already satisfied: inflect>=0.3.1 in /usr/local/lib/python3.11/dist-packages (from g2p_en==2.1.0) (7.5.0)\n", "Requirement already satisfied: distance>=0.1.3 in /usr/local/lib/python3.11/dist-packages (from g2p_en==2.1.0) (0.1.3)\n", "Requirement already satisfied: antlr4-python3-runtime==4.9.* in /usr/local/lib/python3.11/dist-packages (from omegaconf==2.3.0) (4.9.3)\n", "Requirement already satisfied: PyYAML>=5.1.0 in /usr/local/lib/python3.11/dist-packages (from omegaconf==2.3.0) (6.0.2)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.11/dist-packages (from huggingface-hub==0.33.1) (3.18.0)\n", "Requirement already satisfied: fsspec>=2023.5.0 in /usr/local/lib/python3.11/dist-packages (from huggingface-hub==0.33.1) (2025.5.1)\n", "Requirement already satisfied: requests in /usr/local/lib/python3.11/dist-packages (from huggingface-hub==0.33.1) (2.32.4)\n", "Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.11/dist-packages (from huggingface-hub==0.33.1) (4.14.0)\n", "Requirement already satisfied: hf-xet<2.0.0,>=1.1.2 in /usr/local/lib/python3.11/dist-packages (from huggingface-hub==0.33.1) (1.1.5)\n", "Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.11/dist-packages (from transformers==4.53.0) (2024.11.6)\n", "Requirement already satisfied: safetensors>=0.4.3 in /usr/local/lib/python3.11/dist-packages (from transformers==4.53.0) (0.5.3)\n", "Requirement already satisfied: psutil in /usr/local/lib/python3.11/dist-packages (from accelerate==1.8.1) (7.0.0)\n", "Requirement already satisfied: torch>=2.0.0 in /usr/local/lib/python3.11/dist-packages (from accelerate==1.8.1) (2.6.0+cu124)\n", "Requirement already satisfied: mkl_fft in /usr/local/lib/python3.11/dist-packages (from numpy<2.1.0,>=1.26.0) (1.3.8)\n", "Requirement already satisfied: mkl_random in /usr/local/lib/python3.11/dist-packages (from numpy<2.1.0,>=1.26.0) (1.2.4)\n", "Requirement already satisfied: mkl_umath in /usr/local/lib/python3.11/dist-packages (from numpy<2.1.0,>=1.26.0) (0.1.1)\n", "Requirement already satisfied: mkl in /usr/local/lib/python3.11/dist-packages (from numpy<2.1.0,>=1.26.0) (2025.2.0)\n", "Requirement already satisfied: tbb4py in /usr/local/lib/python3.11/dist-packages (from numpy<2.1.0,>=1.26.0) (2022.2.0)\n", "Requirement already satisfied: mkl-service in /usr/local/lib/python3.11/dist-packages (from numpy<2.1.0,>=1.26.0) (2.4.1)\n", "Requirement already satisfied: more_itertools>=8.5.0 in /usr/local/lib/python3.11/dist-packages (from inflect>=0.3.1->g2p_en==2.1.0) (10.7.0)\n", "Requirement already satisfied: typeguard>=4.0.1 in /usr/local/lib/python3.11/dist-packages (from inflect>=0.3.1->g2p_en==2.1.0) (4.4.4)\n", "Requirement already satisfied: click in /usr/local/lib/python3.11/dist-packages (from nltk>=3.2.4->g2p_en==2.1.0) (8.2.1)\n", "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.11/dist-packages (from python-dateutil>=2.8.2->pandas==2.3.0) (1.17.0)\n", "Requirement already satisfied: networkx in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (3.5)\n", "Requirement already satisfied: jinja2 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (3.1.6)\n", "Requirement already satisfied: nvidia-cuda-nvrtc-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (12.4.127)\n", "Requirement already satisfied: nvidia-cuda-runtime-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (12.4.127)\n", "Requirement already satisfied: nvidia-cuda-cupti-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (12.4.127)\n", "Requirement already satisfied: nvidia-cudnn-cu12==9.1.0.70 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (9.1.0.70)\n", "Requirement already satisfied: nvidia-cublas-cu12==12.4.5.8 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (12.4.5.8)\n", "Requirement already satisfied: nvidia-cufft-cu12==11.2.1.3 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (11.2.1.3)\n", "Requirement already satisfied: nvidia-curand-cu12==10.3.5.147 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (10.3.5.147)\n", "Requirement already satisfied: nvidia-cusolver-cu12==11.6.1.9 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (11.6.1.9)\n", "Requirement already satisfied: nvidia-cusparse-cu12==12.3.1.170 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (12.3.1.170)\n", "Requirement already satisfied: nvidia-cusparselt-cu12==0.6.2 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (0.6.2)\n", "Requirement already satisfied: nvidia-nccl-cu12==2.21.5 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (2.21.5)\n", "Requirement already satisfied: nvidia-nvtx-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (12.4.127)\n", "Requirement already satisfied: nvidia-nvjitlink-cu12==12.4.127 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (12.4.127)\n", "Requirement already satisfied: triton==3.2.0 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (3.2.0)\n", "Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.11/dist-packages (from torch>=2.0.0->accelerate==1.8.1) (1.13.1)\n", "Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.11/dist-packages (from sympy==1.13.1->torch>=2.0.0->accelerate==1.8.1) (1.3.0)\n", "Requirement already satisfied: debugpy>=1.0 in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (1.8.0)\n", "Requirement already satisfied: ipython>=7.23.1 in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (7.34.0)\n", "Requirement already satisfied: jupyter-client>=6.1.12 in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (8.6.3)\n", "Requirement already satisfied: matplotlib-inline>=0.1 in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (0.1.7)\n", "Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (1.6.0)\n", "Requirement already satisfied: pyzmq>=17 in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (24.0.1)\n", "Requirement already satisfied: tornado>=6.1 in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (6.5.1)\n", "Requirement already satisfied: traitlets>=5.1.0 in /usr/local/lib/python3.11/dist-packages (from ipykernel->jupyter==1.1.1) (5.7.1)\n", "Requirement already satisfied: comm>=0.1.3 in /usr/local/lib/python3.11/dist-packages (from ipywidgets->jupyter==1.1.1) (0.2.2)\n", "Requirement already satisfied: widgetsnbextension~=4.0.12 in /usr/local/lib/python3.11/dist-packages (from ipywidgets->jupyter==1.1.1) (4.0.14)\n", "Requirement already satisfied: jupyterlab-widgets~=3.0.12 in /usr/local/lib/python3.11/dist-packages (from ipywidgets->jupyter==1.1.1) (3.0.15)\n", "Requirement already satisfied: prompt-toolkit!=3.0.0,!=3.0.1,<3.1.0,>=2.0.0 in /usr/local/lib/python3.11/dist-packages (from jupyter-console->jupyter==1.1.1) (3.0.51)\n", "Requirement already satisfied: pygments in /usr/local/lib/python3.11/dist-packages (from jupyter-console->jupyter==1.1.1) (2.19.2)\n", "Requirement already satisfied: jupyter-core in /usr/local/lib/python3.11/dist-packages (from jupyterlab->jupyter==1.1.1) (5.8.1)\n", "Requirement already satisfied: jupyterlab-server~=2.19 in /usr/local/lib/python3.11/dist-packages (from jupyterlab->jupyter==1.1.1) (2.27.3)\n", "Requirement already satisfied: jupyter-server<3,>=1.16.0 in /usr/local/lib/python3.11/dist-packages (from jupyterlab->jupyter==1.1.1) (2.12.5)\n", "Requirement already satisfied: jupyter-ydoc~=0.2.4 in /usr/local/lib/python3.11/dist-packages (from jupyterlab->jupyter==1.1.1) (0.2.5)\n", "Requirement already satisfied: jupyter-server-ydoc~=0.8.0 in /usr/local/lib/python3.11/dist-packages (from jupyterlab->jupyter==1.1.1) (0.8.0)\n", "Requirement already satisfied: nbclassic in /usr/local/lib/python3.11/dist-packages (from jupyterlab->jupyter==1.1.1) (1.3.1)\n", "Requirement already satisfied: argon2-cffi in /usr/local/lib/python3.11/dist-packages (from notebook->jupyter==1.1.1) (25.1.0)\n", "Requirement already satisfied: ipython-genutils in /usr/local/lib/python3.11/dist-packages (from notebook->jupyter==1.1.1) (0.2.0)\n", "Requirement already satisfied: nbformat in /usr/local/lib/python3.11/dist-packages (from notebook->jupyter==1.1.1) (5.10.4)\n", "Requirement already satisfied: Send2Trash>=1.8.0 in /usr/local/lib/python3.11/dist-packages (from notebook->jupyter==1.1.1) (1.8.3)\n", "Requirement already satisfied: terminado>=0.8.3 in /usr/local/lib/python3.11/dist-packages (from notebook->jupyter==1.1.1) (0.18.1)\n", "Requirement already satisfied: prometheus-client in /usr/local/lib/python3.11/dist-packages (from notebook->jupyter==1.1.1) (0.22.1)\n", "Requirement already satisfied: mistune<2,>=0.8.1 in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (0.8.4)\n", "Requirement already satisfied: jupyterlab-pygments in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (0.3.0)\n", "Requirement already satisfied: entrypoints>=0.2.2 in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (0.4)\n", "Requirement already satisfied: bleach in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (6.2.0)\n", "Requirement already satisfied: pandocfilters>=1.4.1 in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (1.5.1)\n", "Requirement already satisfied: testpath in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (0.6.0)\n", "Requirement already satisfied: defusedxml in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (0.7.1)\n", "Requirement already satisfied: beautifulsoup4 in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (4.13.4)\n", "Requirement already satisfied: nbclient<0.6.0,>=0.5.0 in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (0.5.13)\n", "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.11/dist-packages (from nbconvert->jupyter==1.1.1) (3.0.2)\n", "Requirement already satisfied: intel-openmp<2026,>=2024 in /usr/local/lib/python3.11/dist-packages (from mkl->numpy<2.1.0,>=1.26.0) (2024.2.0)\n", "Requirement already satisfied: tbb==2022.* in /usr/local/lib/python3.11/dist-packages (from mkl->numpy<2.1.0,>=1.26.0) (2022.2.0)\n", "Requirement already satisfied: tcmlib==1.* in /usr/local/lib/python3.11/dist-packages (from tbb==2022.*->mkl->numpy<2.1.0,>=1.26.0) (1.4.0)\n", "Requirement already satisfied: intel-cmplr-lib-rt in /usr/local/lib/python3.11/dist-packages (from mkl_umath->numpy<2.1.0,>=1.26.0) (2024.2.0)\n", "Requirement already satisfied: charset_normalizer<4,>=2 in /usr/local/lib/python3.11/dist-packages (from requests->huggingface-hub==0.33.1) (3.4.2)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.11/dist-packages (from requests->huggingface-hub==0.33.1) (3.10)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.11/dist-packages (from requests->huggingface-hub==0.33.1) (2.5.0)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.11/dist-packages (from requests->huggingface-hub==0.33.1) (2025.6.15)\n", "Requirement already satisfied: intel-cmplr-lib-ur==2024.2.0 in /usr/local/lib/python3.11/dist-packages (from intel-openmp<2026,>=2024->mkl->numpy<2.1.0,>=1.26.0) (2024.2.0)\n", "Requirement already satisfied: setuptools>=18.5 in /usr/local/lib/python3.11/dist-packages (from ipython>=7.23.1->ipykernel->jupyter==1.1.1) (75.2.0)\n", "Requirement already satisfied: jedi>=0.16 in /usr/local/lib/python3.11/dist-packages (from ipython>=7.23.1->ipykernel->jupyter==1.1.1) (0.19.2)\n", "Requirement already satisfied: decorator in /usr/local/lib/python3.11/dist-packages (from ipython>=7.23.1->ipykernel->jupyter==1.1.1) (4.4.2)\n", "Requirement already satisfied: pickleshare in /usr/local/lib/python3.11/dist-packages (from ipython>=7.23.1->ipykernel->jupyter==1.1.1) (0.7.5)\n", "Requirement already satisfied: backcall in /usr/local/lib/python3.11/dist-packages (from ipython>=7.23.1->ipykernel->jupyter==1.1.1) (0.2.0)\n", "Requirement already satisfied: pexpect>4.3 in /usr/local/lib/python3.11/dist-packages (from ipython>=7.23.1->ipykernel->jupyter==1.1.1) (4.9.0)\n", "Requirement already satisfied: platformdirs>=2.5 in /usr/local/lib/python3.11/dist-packages (from jupyter-core->jupyterlab->jupyter==1.1.1) (4.3.8)\n", "Requirement already satisfied: anyio>=3.1.0 in /usr/local/lib/python3.11/dist-packages (from jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (4.9.0)\n", "Requirement already satisfied: jupyter-events>=0.9.0 in /usr/local/lib/python3.11/dist-packages (from jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (0.12.0)\n", "Requirement already satisfied: jupyter-server-terminals in /usr/local/lib/python3.11/dist-packages (from jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (0.5.3)\n", "Requirement already satisfied: overrides in /usr/local/lib/python3.11/dist-packages (from jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (7.7.0)\n", "Requirement already satisfied: websocket-client in /usr/local/lib/python3.11/dist-packages (from jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (1.8.0)\n", "Requirement already satisfied: jupyter-server-fileid<1,>=0.6.0 in /usr/local/lib/python3.11/dist-packages (from jupyter-server-ydoc~=0.8.0->jupyterlab->jupyter==1.1.1) (0.9.3)\n", "Requirement already satisfied: ypy-websocket<0.9.0,>=0.8.2 in /usr/local/lib/python3.11/dist-packages (from jupyter-server-ydoc~=0.8.0->jupyterlab->jupyter==1.1.1) (0.8.4)\n", "Requirement already satisfied: y-py<0.7.0,>=0.6.0 in /usr/local/lib/python3.11/dist-packages (from jupyter-ydoc~=0.2.4->jupyterlab->jupyter==1.1.1) (0.6.2)\n", "Requirement already satisfied: babel>=2.10 in /usr/local/lib/python3.11/dist-packages (from jupyterlab-server~=2.19->jupyterlab->jupyter==1.1.1) (2.17.0)\n", "Requirement already satisfied: json5>=0.9.0 in /usr/local/lib/python3.11/dist-packages (from jupyterlab-server~=2.19->jupyterlab->jupyter==1.1.1) (0.12.0)\n", "Requirement already satisfied: jsonschema>=4.18.0 in /usr/local/lib/python3.11/dist-packages (from jupyterlab-server~=2.19->jupyterlab->jupyter==1.1.1) (4.24.0)\n", "Requirement already satisfied: notebook-shim>=0.2.3 in /usr/local/lib/python3.11/dist-packages (from nbclassic->jupyterlab->jupyter==1.1.1) (0.2.4)\n", "Requirement already satisfied: fastjsonschema>=2.15 in /usr/local/lib/python3.11/dist-packages (from nbformat->notebook->jupyter==1.1.1) (2.21.1)\n", "Requirement already satisfied: wcwidth in /usr/local/lib/python3.11/dist-packages (from prompt-toolkit!=3.0.0,!=3.0.1,<3.1.0,>=2.0.0->jupyter-console->jupyter==1.1.1) (0.2.13)\n", "Requirement already satisfied: ptyprocess in /usr/local/lib/python3.11/dist-packages (from terminado>=0.8.3->notebook->jupyter==1.1.1) (0.7.0)\n", "Requirement already satisfied: argon2-cffi-bindings in /usr/local/lib/python3.11/dist-packages (from argon2-cffi->notebook->jupyter==1.1.1) (21.2.0)\n", "Requirement already satisfied: soupsieve>1.2 in /usr/local/lib/python3.11/dist-packages (from beautifulsoup4->nbconvert->jupyter==1.1.1) (2.7)\n", "Requirement already satisfied: webencodings in /usr/local/lib/python3.11/dist-packages (from bleach->nbconvert->jupyter==1.1.1) (0.5.1)\n", "Requirement already satisfied: sniffio>=1.1 in /usr/local/lib/python3.11/dist-packages (from anyio>=3.1.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (1.3.1)\n", "Requirement already satisfied: parso<0.9.0,>=0.8.4 in /usr/local/lib/python3.11/dist-packages (from jedi>=0.16->ipython>=7.23.1->ipykernel->jupyter==1.1.1) (0.8.4)\n", "Requirement already satisfied: attrs>=22.2.0 in /usr/local/lib/python3.11/dist-packages (from jsonschema>=4.18.0->jupyterlab-server~=2.19->jupyterlab->jupyter==1.1.1) (25.3.0)\n", "Requirement already satisfied: jsonschema-specifications>=2023.03.6 in /usr/local/lib/python3.11/dist-packages (from jsonschema>=4.18.0->jupyterlab-server~=2.19->jupyterlab->jupyter==1.1.1) (2025.4.1)\n", "Requirement already satisfied: referencing>=0.28.4 in /usr/local/lib/python3.11/dist-packages (from jsonschema>=4.18.0->jupyterlab-server~=2.19->jupyterlab->jupyter==1.1.1) (0.36.2)\n", "Requirement already satisfied: rpds-py>=0.7.1 in /usr/local/lib/python3.11/dist-packages (from jsonschema>=4.18.0->jupyterlab-server~=2.19->jupyterlab->jupyter==1.1.1) (0.25.1)\n", "Requirement already satisfied: python-json-logger>=2.0.4 in /usr/local/lib/python3.11/dist-packages (from jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (3.3.0)\n", "Requirement already satisfied: rfc3339-validator in /usr/local/lib/python3.11/dist-packages (from jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (0.1.4)\n", "Requirement already satisfied: rfc3986-validator>=0.1.1 in /usr/local/lib/python3.11/dist-packages (from jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (0.1.1)\n", "Requirement already satisfied: aiofiles<23,>=22.1.0 in /usr/local/lib/python3.11/dist-packages (from ypy-websocket<0.9.0,>=0.8.2->jupyter-server-ydoc~=0.8.0->jupyterlab->jupyter==1.1.1) (22.1.0)\n", "Requirement already satisfied: aiosqlite<1,>=0.17.0 in /usr/local/lib/python3.11/dist-packages (from ypy-websocket<0.9.0,>=0.8.2->jupyter-server-ydoc~=0.8.0->jupyterlab->jupyter==1.1.1) (0.21.0)\n", "Requirement already satisfied: cffi>=1.0.1 in /usr/local/lib/python3.11/dist-packages (from argon2-cffi-bindings->argon2-cffi->notebook->jupyter==1.1.1) (1.17.1)\n", "Requirement already satisfied: pycparser in /usr/local/lib/python3.11/dist-packages (from cffi>=1.0.1->argon2-cffi-bindings->argon2-cffi->notebook->jupyter==1.1.1) (2.22)\n", "Requirement already satisfied: fqdn in /usr/local/lib/python3.11/dist-packages (from jsonschema[format-nongpl]>=4.18.0->jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (1.5.1)\n", "Requirement already satisfied: isoduration in /usr/local/lib/python3.11/dist-packages (from jsonschema[format-nongpl]>=4.18.0->jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (20.11.0)\n", "Requirement already satisfied: jsonpointer>1.13 in /usr/local/lib/python3.11/dist-packages (from jsonschema[format-nongpl]>=4.18.0->jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (3.0.0)\n", "Requirement already satisfied: uri-template in /usr/local/lib/python3.11/dist-packages (from jsonschema[format-nongpl]>=4.18.0->jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (1.3.0)\n", "Requirement already satisfied: webcolors>=24.6.0 in /usr/local/lib/python3.11/dist-packages (from jsonschema[format-nongpl]>=4.18.0->jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (24.11.1)\n", "Requirement already satisfied: arrow>=0.15.0 in /usr/local/lib/python3.11/dist-packages (from isoduration->jsonschema[format-nongpl]>=4.18.0->jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (1.3.0)\n", "Requirement already satisfied: types-python-dateutil>=2.8.10 in /usr/local/lib/python3.11/dist-packages (from arrow>=0.15.0->isoduration->jsonschema[format-nongpl]>=4.18.0->jupyter-events>=0.9.0->jupyter-server<3,>=1.16.0->jupyterlab->jupyter==1.1.1) (2.9.0.20250516)\n", "Obtaining file:///kaggle/working/nejm-brain-to-text\n", " Preparing metadata (setup.py): started\n", " Preparing metadata (setup.py): finished with status 'done'\n", "Installing collected packages: nejm_b2txt_utils\n", " Running setup.py develop for nejm_b2txt_utils\n", "Successfully installed nejm_b2txt_utils-0.0.0\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "Cloning into 'nejm-brain-to-text'...\n" ] } ], "source": [ "%%bash\n", "rm -rf /kaggle/working/nejm-brain-to-text/\n", "git clone https://github.com/ZH-CEN/nejm-brain-to-text.git\n", "cp /kaggle/input/brain-to-text-baseline-model/t15_copyTask.pkl /kaggle/working/nejm-brain-to-text/data/t15_copyTask.pkl\n", "\n", "ln -s /kaggle/input/brain-to-text-25/t15_pretrained_rnn_baseline/t15_pretrained_rnn_baseline /kaggle/working/nejm-brain-to-text/data\n", "ln -s /kaggle/input/brain-to-text-25/t15_copyTask_neuralData/hdf5_data_final /kaggle/working/nejm-brain-to-text/data\n", "ln -s /kaggle/input/rnn-pretagged-data /kaggle/working/nejm-brain-to-text/data/concatenated_data\n", "\n", "pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu126\n", "\n", "pip install \\\n", " jupyter==1.1.1 \\\n", " \"numpy>=1.26.0,<2.1.0\" \\\n", " pandas==2.3.0 \\\n", " matplotlib==3.10.1 \\\n", " scipy==1.15.2 \\\n", " scikit-learn==1.6.1 \\\n", " lightgbm==4.3.0 \\\n", " tqdm==4.67.1 \\\n", " g2p_en==2.1.0 \\\n", " h5py==3.13.0 \\\n", " omegaconf==2.3.0 \\\n", " editdistance==0.8.1 \\\n", " huggingface-hub==0.33.1 \\\n", " transformers==4.53.0 \\\n", " tokenizers==0.21.2 \\\n", " accelerate==1.8.1 \\\n", " bitsandbytes==0.46.0 \\\n", " seaborn==0.13.2\n", "cd /kaggle/working/nejm-brain-to-text/\n", "pip install -e ." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 1️⃣ 环境配置与检测" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "==================================================\n", "🔧 LightGBM GPU环境检查\n", "==================================================\n", "✅ NVIDIA GPU检测:\n", " Tesla P100-PCIE-16GB, 16384, 560.35.03\n", "\n", "✅ CUDA工具包:\n", " Cuda compilation tools, release 12.5, V12.5.82\n", "\n", "🔍 LightGBM GPU支持选项:\n", " 1. CUDA: NVIDIA GPU的主要支持方式\n", " 2. OpenCL: 跨平台GPU支持(NVIDIA/AMD/Intel)\n", " 3. 自动回退: GPU不可用时自动使用CPU\n", "\n", "📦 LightGBM GPU版本安装:\n", " 方法1: pip install lightgbm --config-settings=cmake.define.USE_CUDA=ON\n", " 方法2: conda install -c conda-forge lightgbm\n", " 方法3: 使用预编译的GPU版本\n", "\n", "⚙️ GPU训练优化建议:\n", " - 确保CUDA版本与GPU驱动兼容\n", " - 监控GPU内存使用情况\n", " - 调整max_bin参数优化GPU性能\n", " - 使用合适的num_leaves数量\n", "\n", "💡 故障排除:\n", " 如果GPU训练失败:\n", " 1. 检查CUDA安装和版本\n", " 2. 确认LightGBM是GPU版本\n", " 3. 查看具体错误信息\n", " 4. 代码会自动回退到CPU模式\n" ] } ], "source": [ "# 🚀 LightGBM GPU支持检查与配置\n", "\n", "print(\"=\"*50)\n", "print(\"🔧 LightGBM GPU环境检查\")\n", "print(\"=\"*50)\n", "\n", "# 检查CUDA和GPU驱动\n", "import subprocess\n", "import sys\n", "\n", "def run_command(command):\n", " \"\"\"运行命令并返回结果\"\"\"\n", " try:\n", " result = subprocess.run(command, shell=True, capture_output=True, text=True, timeout=10)\n", " return result.stdout.strip(), result.returncode == 0\n", " except Exception as e:\n", " return str(e), False\n", "\n", "# 检查NVIDIA GPU\n", "nvidia_output, nvidia_success = run_command(\"nvidia-smi --query-gpu=name,memory.total,driver_version --format=csv,noheader,nounits\")\n", "if nvidia_success:\n", " print(\"✅ NVIDIA GPU检测:\")\n", " for line in nvidia_output.split('\\n'):\n", " if line.strip():\n", " print(f\" {line}\")\n", "else:\n", " print(\"❌ 未检测到NVIDIA GPU或驱动\")\n", "\n", "# 检查CUDA版本\n", "cuda_output, cuda_success = run_command(\"nvcc --version\")\n", "if cuda_success:\n", " print(\"\\n✅ CUDA工具包:\")\n", " # 提取CUDA版本\n", " for line in cuda_output.split('\\n'):\n", " if 'release' in line:\n", " print(f\" {line.strip()}\")\n", "else:\n", " print(\"\\n❌ 未安装CUDA工具包\")\n", "\n", "# 检查OpenCL (LightGBM也支持OpenCL)\n", "print(f\"\\n🔍 LightGBM GPU支持选项:\")\n", "print(f\" 1. CUDA: NVIDIA GPU的主要支持方式\")\n", "print(f\" 2. OpenCL: 跨平台GPU支持(NVIDIA/AMD/Intel)\")\n", "print(f\" 3. 自动回退: GPU不可用时自动使用CPU\")\n", "\n", "# 安装说明\n", "print(f\"\\n📦 LightGBM GPU版本安装:\")\n", "print(f\" 方法1: pip install lightgbm --config-settings=cmake.define.USE_CUDA=ON\")\n", "print(f\" 方法2: conda install -c conda-forge lightgbm\")\n", "print(f\" 方法3: 使用预编译的GPU版本\")\n", "\n", "print(f\"\\n⚙️ GPU训练优化建议:\")\n", "print(f\" - 确保CUDA版本与GPU驱动兼容\")\n", "print(f\" - 监控GPU内存使用情况\")\n", "print(f\" - 调整max_bin参数优化GPU性能\")\n", "print(f\" - 使用合适的num_leaves数量\")\n", "\n", "print(f\"\\n💡 故障排除:\")\n", "print(f\" 如果GPU训练失败:\")\n", "print(f\" 1. 检查CUDA安装和版本\")\n", "print(f\" 2. 确认LightGBM是GPU版本\")\n", "print(f\" 3. 查看具体错误信息\")\n", "print(f\" 4. 代码会自动回退到CPU模式\")" ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "/kaggle/working/nejm-brain-to-text\n" ] } ], "source": [ "%cd /kaggle/working/nejm-brain-to-text\n", "import numpy as np\n", "import os\n", "import pickle\n", "import matplotlib.pyplot as plt\n", "import matplotlib\n", "from g2p_en import G2p\n", "import pandas as pd\n", "import numpy as np\n", "from nejm_b2txt_utils.general_utils import *\n", "matplotlib.rcParams['pdf.fonttype'] = 42\n", "matplotlib.rcParams['ps.fonttype'] = 42\n", "matplotlib.rcParams['font.family'] = 'sans-serif'\n", "matplotlib.rcParams['font.sans-serif'] = ['SimHei', 'DejaVu Sans', 'Arial Unicode MS', 'sans-serif']\n", "matplotlib.rcParams['axes.unicode_minus'] = False\n" ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "/kaggle/working/nejm-brain-to-text/model_training\n" ] } ], "source": [ "%cd model_training/\n", "from data_augmentations import gauss_smooth" ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [], "source": [ "LOGIT_TO_PHONEME = [\n", " 'BLANK',\n", " 'AA', 'AE', 'AH', 'AO', 'AW',\n", " 'AY', 'B', 'CH', 'D', 'DH',\n", " 'EH', 'ER', 'EY', 'F', 'G',\n", " 'HH', 'IH', 'IY', 'JH', 'K',\n", " 'L', 'M', 'N', 'NG', 'OW',\n", " 'OY', 'P', 'R', 'S', 'SH',\n", " 'T', 'TH', 'UH', 'UW', 'V',\n", " 'W', 'Y', 'Z', 'ZH',\n", " ' | ',\n", "]" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 数据分析与预处理" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 数据准备" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "- **任务介绍** :机器学习解决高维信号的模式识别问题" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "我们的数据集标签缺少时间戳,现在要进行的是半监督学习" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "- 音素时间均等分割或者按照调研数据设定初始长度。然后筛掉异常值。提取出可用的训练集,再控制时间长短,查看样本类的长度" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 数据读取工作流" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 2️⃣ 数据加载与PCA降维" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [], "source": [ "# 🚀 内存友好的数据读取 - 分批加载策略 + PCA降维\n", "\n", "import os\n", "import numpy as np\n", "import gc\n", "from sklearn.decomposition import PCA\n", "from sklearn.preprocessing import StandardScaler\n", "import joblib\n", "import matplotlib.pyplot as plt\n", "\n", "# 全局PCA配置\n", "PCA_CONFIG = {\n", " 'enable_pca': True, # 是否启用PCA\n", " 'n_components': None, # None=自动选择, 或指定具体数值\n", " 'variance_threshold': 0.95, # 保留95%的方差\n", " 'sample_size': 15000, # 用于拟合PCA的样本数\n", "}\n", "\n", "# 全局PCA对象 (确保只拟合一次)\n", "GLOBAL_PCA = {\n", " 'scaler': None,\n", " 'pca': None,\n", " 'is_fitted': False,\n", " 'n_components': None\n", "}\n", "\n", "def load_data_batch(data_dir, data_type, max_samples_per_file=5000):\n", " \"\"\"\n", " 分批加载指定类型的数据\n", " \n", " Args:\n", " data_dir: 数据目录\n", " data_type: 'train', 'val', 'test'\n", " max_samples_per_file: 每个文件最大加载样本数\n", " \n", " Returns:\n", " generator: 数据批次生成器\n", " \"\"\"\n", " files = [f for f in os.listdir(data_dir) if f.endswith('.npz') and data_type in f]\n", " \n", " for file_idx, f in enumerate(files):\n", " print(f\" 正在加载文件 {file_idx+1}/{len(files)}: {f}\")\n", " \n", " data = np.load(os.path.join(data_dir, f), allow_pickle=True)\n", " trials = data['neural_logits_concatenated']\n", " \n", " # 限制每个文件的样本数\n", " if len(trials) > max_samples_per_file and max_samples_per_file != -1:\n", " trials = trials[:max_samples_per_file]\n", " print(f\" 限制样本数至: {max_samples_per_file}\")\n", " \n", " yield trials, f\n", " \n", " # 清理内存\n", " del data, trials\n", " gc.collect()\n", "\n", "def extract_features_labels_batch(trials_batch):\n", " \"\"\"\n", " 从试验批次中提取特征和标签\n", " \"\"\"\n", " features = []\n", " labels = []\n", " \n", " for trial in trials_batch:\n", " if trial.shape[0] > 0:\n", " for t in range(trial.shape[0]):\n", " neural_features = trial[t, :7168] # 前7168维神经特征\n", " rnn_logits = trial[t, 7168:] # 后41维RNN输出\n", " phoneme_label = np.argmax(rnn_logits)\n", " \n", " features.append(neural_features)\n", " labels.append(phoneme_label)\n", " \n", " return np.array(features), np.array(labels)\n", "\n", "def fit_global_pca(data_dir, config):\n", " \"\"\"\n", " 在训练数据上拟合全局PCA (只执行一次)\n", " \"\"\"\n", " if GLOBAL_PCA['is_fitted'] or not config['enable_pca']:\n", " print(\"🔧 PCA已拟合或未启用,跳过拟合步骤\")\n", " return\n", " \n", " print(f\"\\n🔧 拟合全局PCA降维器...\")\n", " print(f\" 配置: {config}\")\n", " \n", " # 收集训练样本\n", " sample_features = []\n", " collected_samples = 0\n", " \n", " for trials_batch, filename in load_data_batch(data_dir, 'train', 5000):\n", " features, labels = extract_features_labels_batch(trials_batch)\n", " sample_features.append(features)\n", " collected_samples += features.shape[0]\n", " \n", " if collected_samples >= config['sample_size']:\n", " break\n", " \n", " if sample_features:\n", " # 合并样本数据\n", " X_sample = np.vstack(sample_features)[:config['sample_size']]\n", " print(f\" 实际样本数: {X_sample.shape[0]}\")\n", " print(f\" 原始特征数: {X_sample.shape[1]}\")\n", " \n", " # 标准化\n", " GLOBAL_PCA['scaler'] = StandardScaler()\n", " X_sample_scaled = GLOBAL_PCA['scaler'].fit_transform(X_sample)\n", " \n", " # 确定PCA成分数\n", " if config['n_components'] is None:\n", " print(f\" 🔍 自动选择PCA成分数...\")\n", " pca_full = PCA()\n", " pca_full.fit(X_sample_scaled)\n", " \n", " cumsum_var = np.cumsum(pca_full.explained_variance_ratio_)\n", " optimal_components = np.argmax(cumsum_var >= config['variance_threshold']) + 1\n", " GLOBAL_PCA['n_components'] = min(optimal_components, X_sample.shape[1])\n", " \n", " print(f\" 保留{config['variance_threshold']*100}%方差需要: {optimal_components} 个成分\")\n", " print(f\" 选择成分数: {GLOBAL_PCA['n_components']}\")\n", " else:\n", " GLOBAL_PCA['n_components'] = config['n_components']\n", " print(f\" 使用指定成分数: {GLOBAL_PCA['n_components']}\")\n", " \n", " # 拟合最终PCA\n", " GLOBAL_PCA['pca'] = PCA(n_components=GLOBAL_PCA['n_components'], random_state=42)\n", " GLOBAL_PCA['pca'].fit(X_sample_scaled)\n", " GLOBAL_PCA['is_fitted'] = True\n", " \n", " # 保存模型\n", " pca_path = \"global_pca_model.joblib\"\n", " joblib.dump({\n", " 'scaler': GLOBAL_PCA['scaler'], \n", " 'pca': GLOBAL_PCA['pca'],\n", " 'n_components': GLOBAL_PCA['n_components']\n", " }, pca_path)\n", " \n", " print(f\" ✅ 全局PCA拟合完成!\")\n", " print(f\" 降维: {X_sample.shape[1]} → {GLOBAL_PCA['n_components']}\")\n", " print(f\" 降维比例: {GLOBAL_PCA['n_components']/X_sample.shape[1]:.2%}\")\n", " print(f\" 保留方差: {GLOBAL_PCA['pca'].explained_variance_ratio_.sum():.4f}\")\n", " print(f\" 模型已保存: {pca_path}\")\n", " \n", " # 清理样本数据\n", " del sample_features, X_sample, X_sample_scaled\n", " gc.collect()\n", " else:\n", " print(\"❌ 无法收集样本数据用于PCA拟合\")\n", "\n", "def apply_pca_transform(features):\n", " \"\"\"\n", " 应用全局PCA变换\n", " \"\"\"\n", " if not PCA_CONFIG['enable_pca'] or not GLOBAL_PCA['is_fitted']:\n", " return features\n", " \n", " # 标准化 + PCA变换\n", " features_scaled = GLOBAL_PCA['scaler'].transform(features)\n", " features_pca = GLOBAL_PCA['pca'].transform(features_scaled)\n", " return features_pca\n", "\n" ] }, { "cell_type": "code", "execution_count": 12, "metadata": {}, "outputs": [], "source": [ "# 设置数据目录和参数\n", "data_dir = '/kaggle/working/nejm-brain-to-text/data/concatenated_data'\n", "MAX_SAMPLES_PER_FILE = -1 # 每个文件最大样本数,可调整\n", "\n", "# # 检查可用文件\n", "# all_files = [f for f in os.listdir(data_dir) if f.endswith('.npz')]\n", "# train_files = [f for f in all_files if 'train' in f]\n", "# val_files = [f for f in all_files if 'val' in f]\n", "# test_files = [f for f in all_files if 'test' in f]\n", "\n", "# print(f\"📊 数据文件统计:\")\n", "# print(f\" 训练文件: {len(train_files)}\")\n", "# print(f\" 验证文件: {len(val_files)}\")\n", "# print(f\" 测试文件: {len(test_files)}\")\n", "# print(f\" 每文件最大样本数: {MAX_SAMPLES_PER_FILE}\")\n", "\n", "# # 🔧 初始化全局PCA (只在训练集上拟合一次)\n", "# print(f\"\\n🔧 初始化全局PCA...\")\n", "# fit_global_pca(data_dir, PCA_CONFIG)" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [], "source": [ "# 内存友好的数据加载策略 (带PCA集成)\n", "class MemoryFriendlyDataset:\n", " def __init__(self, data_dir, data_type, max_samples_per_file=3000):\n", " self.data_dir = data_dir\n", " self.data_type = data_type\n", " self.max_samples_per_file = max_samples_per_file\n", " self.files = [f for f in os.listdir(data_dir) if f.endswith('.npz') and data_type in f]\n", " \n", " def load_all_data(self):\n", " \"\"\"一次性加载所有数据(自动应用PCA)\"\"\"\n", " print(f\"\\n🔄 加载{self.data_type}数据...\")\n", " all_features = []\n", " all_labels = []\n", " \n", " for trials_batch, filename in load_data_batch(self.data_dir, self.data_type, self.max_samples_per_file):\n", " features, labels = extract_features_labels_batch(trials_batch)\n", " \n", " # 应用PCA降维\n", " features_processed = apply_pca_transform(features)\n", " \n", " all_features.append(features_processed)\n", " all_labels.append(labels)\n", " \n", " if all_features:\n", " X = np.vstack(all_features)\n", " y = np.hstack(all_labels)\n", " \n", " # 清理临时数据\n", " del all_features, all_labels\n", " gc.collect()\n", " \n", " feature_info = f\"{X.shape[1]} PCA特征\" if PCA_CONFIG['enable_pca'] else f\"{X.shape[1]} 原始特征\"\n", " print(f\" ✅ 加载完成: {X.shape[0]} 样本, {feature_info}\")\n", " return X, y\n", " else:\n", " return None, None\n", " \n", " def get_batch_generator(self):\n", " \"\"\"返回批次生成器(自动应用PCA)\"\"\"\n", " for trials_batch, filename in load_data_batch(self.data_dir, self.data_type, self.max_samples_per_file):\n", " features, labels = extract_features_labels_batch(trials_batch)\n", " \n", " # 应用PCA降维\n", " features_processed = apply_pca_transform(features)\n", " \n", " yield features_processed, labels\n", "\n", "# # 创建数据集对象\n", "# train_dataset = MemoryFriendlyDataset(data_dir, 'train', MAX_SAMPLES_PER_FILE)\n", "# val_dataset = MemoryFriendlyDataset(data_dir, 'val', MAX_SAMPLES_PER_FILE)\n", "# test_dataset = MemoryFriendlyDataset(data_dir, 'test', MAX_SAMPLES_PER_FILE)\n", "\n", "# print(f\"\\n✅ 集成PCA的内存友好数据集已创建\")\n", "# if PCA_CONFIG['enable_pca'] and GLOBAL_PCA['is_fitted']:\n", "# print(f\" 🔬 PCA降维: 7168 → {GLOBAL_PCA['n_components']} ({GLOBAL_PCA['n_components']/7168:.1%})\")\n", "# print(f\" 📊 方差保留: {GLOBAL_PCA['pca'].explained_variance_ratio_.sum():.4f}\")\n", "# print(f\" 使用方式1: dataset.load_all_data() - 一次性加载 (自动PCA)\")\n", "# print(f\" 使用方式2: dataset.get_batch_generator() - 分批处理 (自动PCA)\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 📊 数据平衡策略 - 标签分布分析与采样优化" ] }, { "cell_type": "code", "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🔍 Step 1: 分析验证集标签分布特征\n", "\n", "📈 分析 val 数据集标签分布...\n", " 正在加载文件 1/41: t15.2023.11.17_val_concatenated.npz\n", " 正在加载文件 2/41: t15.2023.12.17_val_concatenated.npz\n", " 正在加载文件 2/41: t15.2023.12.17_val_concatenated.npz\n", " 正在加载文件 3/41: t15.2023.10.15_val_concatenated.npz\n", " 正在加载文件 3/41: t15.2023.10.15_val_concatenated.npz\n", " 正在加载文件 4/41: t15.2023.10.08_val_concatenated.npz\n", " 正在加载文件 4/41: t15.2023.10.08_val_concatenated.npz\n", " 正在加载文件 5/41: t15.2025.01.10_val_concatenated.npz\n", " 正在加载文件 5/41: t15.2025.01.10_val_concatenated.npz\n", " 正在加载文件 6/41: t15.2023.12.08_val_concatenated.npz\n", " 正在加载文件 6/41: t15.2023.12.08_val_concatenated.npz\n", " 正在加载文件 7/41: t15.2024.03.08_val_concatenated.npz\n", " 正在加载文件 7/41: t15.2024.03.08_val_concatenated.npz\n", " 正在加载文件 8/41: t15.2024.03.15_val_concatenated.npz\n", " 正在加载文件 8/41: t15.2024.03.15_val_concatenated.npz\n", " 正在加载文件 9/41: t15.2025.03.14_val_concatenated.npz\n", " 正在加载文件 9/41: t15.2025.03.14_val_concatenated.npz\n", " 正在加载文件 10/41: t15.2024.02.25_val_concatenated.npz\n", " 正在加载文件 10/41: t15.2024.02.25_val_concatenated.npz\n", " 正在加载文件 11/41: t15.2025.03.30_val_concatenated.npz\n", " 正在加载文件 11/41: t15.2025.03.30_val_concatenated.npz\n", " 正在加载文件 12/41: t15.2023.09.29_val_concatenated.npz\n", " 正在加载文件 12/41: t15.2023.09.29_val_concatenated.npz\n", " 正在加载文件 13/41: t15.2023.09.01_val_concatenated.npz\n", " 正在加载文件 13/41: t15.2023.09.01_val_concatenated.npz\n", " 总样本数: 101,906\n", " 均值 (标签1-39): 389\n", " 标准差: 11648\n", " 最小值: 29\n", " 最大值: 75340\n", " 不平衡比例: 2597.93\n", "\n", "🎨 Step 2: 可视化标签分布\n", " 总样本数: 101,906\n", " 均值 (标签1-39): 389\n", " 标准差: 11648\n", " 最小值: 29\n", " 最大值: 75340\n", " 不平衡比例: 2597.93\n", "\n", "🎨 Step 2: 可视化标签分布\n" ] }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAABjUAAAJOCAYAAAD/KYUYAAAAOnRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjEwLjEsIGh0dHBzOi8vbWF0cGxvdGxpYi5vcmcvc2/+5QAAAAlwSFlzAAAPYQAAD2EBqD+naQAA0rlJREFUeJzs3Xd4FNXbxvF7E0gjJEAISZCQANJFQWroJRD8UaVIE0Mvhq6gWKhSlaaAiAoIiAqCoqJIEVEhIFKUoghIFUInoSWB7Lx/8GZl2SQkbMJm4fu5rlyyZ87OPPvM7jizz845JsMwDAEAAAAAAAAAAGRzLo4OAAAAAAAAAAAAID0oagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagCQJB05ckQmk0kLFiywtI0aNUomkyldzzeZTBo1alSmxlS3bl3VrVs3U9f5MErej+fOncu0dXbp0kWhoaGZtr7bhYaGqkuXLlmy7tul9J7v0qWLvL29s3zbybLicwNr5BgA4Kw4P39wcX6eMs7P8TC4n8fRO9/PWXHsScv9Onbg4URRA3BCzZs3l5eXly5fvpxqn06dOsnNzU3nz5+/j5Fl3L59+zRq1CgdOXLE0aFYOXLkiLp27apixYrJw8NDgYGBql27tkaOHHlP6/v2228zdHJct25dPfbYY/e0reykbt26MplMMplMcnFxkY+Pj0qWLKnOnTtr7dq1mbadjOb3fsrOsaXX7t271aZNG4WEhMjDw0OPPPKIGjZsqHfeecfRoTlEUlKS5s+fr7p16ypfvnxyd3dXaGiounbtqt9++83R4UnKvsdWAHhQcX6e9Tg/zxycn2fv2NJjwYIFln1oMpnk4eGhEiVKqF+/fjp9+rSjw7Nbdj0GpaRLly5W+8Lb21tFixZVmzZttHz5cpnN5kzZzubNmzVq1ChdunQpU9aXmbJzbHiwUdQAnFCnTp10/fp1ffHFFykuv3btmlauXKnGjRvLz8/vnrfz2muv6fr16/f8/PTYt2+fRo8eneIJy5o1a7RmzZos3X5KDh48qAoVKuj7779Xhw4dNHPmTEVFRcnPz0+TJk26p3V+++23Gj16dCZH6hwKFSqkRYsWaeHChXrzzTfVvHlzbd68WY0aNVK7du1048YNq/779+/X+++/n6Ft3Et+Q0JCdP36dXXu3DlDz8uotGK7fv26XnvttSzdvr02b96sSpUq6ffff1fPnj01c+ZM9ejRQy4uLpoxY4ajw7vvrl+/rqZNm6pbt24yDEOvvPKK3n33XT333HOKjo5WlSpVdOLECUeHmeaxFQCQ+Tg/z1qcn2cuzs+d+/w82ZgxY7Ro0SLNnDlT1atX17vvvquwsDBdu3bN0aHZxdnOY93d3bVo0SItWrRI06ZNU8eOHXXgwAG1adNGDRo0UFxcnFX/ezmObt68WaNHj85w4eB+vJ/Tiu1ejh1AeuVwdAAAMq558+bKnTu3lixZoueee85m+cqVK3X16lV16tTJru3kyJFDOXI47jDh5ubmkO1OmzZNV65c0a5duxQSEmK17MyZMw6JyZn5+vrq2WeftWqbOHGiBgwYoNmzZys0NNTqYtTd3T1L47l586bMZrPc3Nzk4eGRpdu6G0dvPz3GjRsnX19fbdu2TXny5LFa9jB+HoYOHarVq1dr2rRpGjRokNWykSNHatq0aY4JDADgUJyfZy3OzzMX5+epc/T2M+Kpp55SpUqVJEk9evSQn5+fpk6dqpUrV6pDhw52rfvatWvy8vLKjDAfeDly5LD5PL3xxhuaOHGihg8frp49e+qzzz6zLMvq46jZbFZiYqI8PDwc/n7O6mMHHm7cqQE4IU9PT7Vq1Urr169P8SR+yZIlyp07t5o3b64LFy7oxRdfVLly5eTt7S0fHx899dRT+v333++6nZTG7E1ISNDgwYPl7+9v2UZKv0o+evSonn/+eZUsWVKenp7y8/NT27ZtrX5tsWDBArVt21aSVK9ePcstmz/++KOklMeaPHPmjLp3766AgAB5eHjoiSee0EcffWTVJ3ks1rfeektz585VsWLF5O7ursqVK2vbtm13fd2HDh1SoUKFbC6YJKlAgQI2bd99951q1aqlXLlyKXfu3GrSpIn27t1rWd6lSxfNmjVLkqxuTbXXH3/8oS5duqho0aKWW/C7deuW6pAG586d0zPPPCMfHx/5+flp4MCBio+Pt+m3ePFiVaxYUZ6ensqXL5/at2+v48eP2x3v7VxdXfX222+rTJkymjlzpmJjYy3L7hx388aNGxo9erSKFy8uDw8P+fn5qWbNmpbb49PK7+3vhenTp1veC/v27UtxzN5k//zzjyIiIpQrVy4VLFhQY8aMkWEYluU//vij1Xs12Z3rvNu+T2nM3p07d+qpp56Sj4+PvL291aBBA23ZssWqT/It55s2bdKQIUPk7++vXLly6emnn9bZs2fvvgMy4NChQypbtqxNQUOy/TzMnz9f9evXV4ECBeTu7q4yZcro3XfftXleaGiomjZtqh9//FGVKlWSp6enypUrZ8nnihUrVK5cOXl4eKhixYrauXOn1fOTx1a+235Kzb///qtu3bopICBA7u7uKlu2rObNm3fX5504cULvvfeeGjZsaFPQkG69r1988UUVKlTI0pae/Zna+OjJ+/n242Zy7n755RdVqVJFHh4eKlq0qBYuXGj1vLSOrb/99psiIiKUP39+eXp6qkiRIurWrdtdXz8AIHWcn3N+LnF+zvn5/Tk/T039+vUlSYcPH7a0pee9kzy02vbt21W7dm15eXnplVdekSTFx8dr1KhRKlGihDw8PBQUFKRWrVrp0KFDluebzWZNnz5dZcuWlYeHhwICAtS7d29dvHjRajuZcR67cuVKNWnSRAULFpS7u7uKFSumsWPHKikpySYfs2bNUtGiReXp6akqVaro559/TvEYlpCQoJEjR+rRRx+Vu7u7goODNWzYMCUkJGRwD1h7+eWX1ahRIy1btkx///23Vb7vjOGdd95R2bJl5eXlpbx586pSpUpasmSJpFvH/aFDh0qSihQpYslJ8rHbZDKpX79++vjjj1W2bFm5u7tr9erVlmUpDbV2t2NPWp/F29d5t9hSmlPjn3/+Udu2bZUvXz55eXmpWrVqWrVqlVWf5M/z0qVLNW7cOBUqVEgeHh5q0KCBDh48mGrO8XDhTg3ASXXq1EkfffSRli5dqn79+lnaL1y4YLkt29PTU3v37tWXX36ptm3bqkiRIjp9+rTee+891alTR/v27VPBggUztN0ePXpo8eLF6tixo6pXr64ffvhBTZo0sem3bds2bd68We3bt1ehQoV05MgRvfvuu6pbt6727dsnLy8v1a5dWwMGDNDbb7+tV155RaVLl5Yky3/vdP36ddWtW1cHDx5Uv379VKRIES1btkxdunTRpUuXNHDgQKv+S5Ys0eXLl9W7d2+ZTCZNnjxZrVq10j///KOcOXOm+hpDQkK0bt06/fDDD5YTw9QsWrRIkZGRioiI0KRJk3Tt2jW9++67qlmzpnbu3KnQ0FD17t1bJ0+e1Nq1a7Vo0aK7pTjd1q5dq3/++Uddu3ZVYGCg9u7dq7lz52rv3r3asmWLzYXZM888o9DQUE2YMEFbtmzR22+/rYsXL1qdRI4bN06vv/66nnnmGfXo0UNnz57VO++8o9q1a2vnzp0pfrF9r1xdXdWhQwe9/vrr+uWXX1J8H0m3TpQmTJigHj16qEqVKoqLi9Nvv/2mHTt2qGHDhunK7/z58xUfH69evXrJ3d1d+fLlS3V806SkJDVu3FjVqlXT5MmTtXr1ao0cOVI3b97UmDFjMvQaM7rv9+7dq1q1asnHx0fDhg1Tzpw59d5776lu3brauHGjqlatatW/f//+yps3r0aOHKkjR45o+vTp6tevn9UvgewVEhKi6Oho7dmz567jSL/77rsqW7asmjdvrhw5cujrr7/W888/L7PZrKioKKu+Bw8eVMeOHdW7d289++yzeuutt9SsWTPNmTNHr7zyip5//nlJ0oQJE/TMM89o//79cnH577cY97qfTp8+rWrVqllO/v39/fXdd9+pe/fuiouLS7FYkey7777TzZs30z0kQkb3Z3odPHhQbdq0Uffu3RUZGal58+apS5cuqlixosqWLZvmsfXMmTNq1KiR/P399fLLLytPnjw6cuSIVqxYcU+xAAD+w/k55+ecn3N+fj/Oz1OTXGhIHuIuI++d8+fP66mnnlL79u317LPPKiAgQElJSWratKnWr1+v9u3ba+DAgbp8+bLWrl2rPXv2qFixYpJu5XTBggXq2rWrBgwYoMOHD2vmzJnauXOnNm3aZPXZtuc8VrpV9PD29taQIUPk7e2tH374QSNGjFBcXJzefPNNy3beffdd9evXT7Vq1dLgwYN15MgRtWzZUnnz5rX6AZLZbFbz5s31yy+/qFevXipdurR2796tadOm6e+//9aXX35p1z7p3Lmz1qxZo7Vr16pEiRIp9nn//fc1YMAAtWnTxlJc+OOPP7R161Z17NhRrVq10t9//61PPvlE06ZNU/78+SVJ/v7+lnX88MMPlv/35M+fX6GhoWnGlZ5jT3qkJ7bbnT59WtWrV9e1a9c0YMAA+fn56aOPPlLz5s31+eef6+mnn7bqP3HiRLm4uOjFF19UbGysJk+erE6dOmnr1q0ZihMPKAOAU7p586YRFBRkhIWFWbXPmTPHkGR8//33hmEYRnx8vJGUlGTV5/Dhw4a7u7sxZswYqzZJxvz58y1tI0eONG4/TOzatcuQZDz//PNW6+vYsaMhyRg5cqSl7dq1azYxR0dHG5KMhQsXWtqWLVtmSDI2bNhg079OnTpGnTp1LI+nT59uSDIWL15saUtMTDTCwsIMb29vIy4uzuq1+Pn5GRcuXLD0XblypSHJ+Prrr222dbs9e/YYnp6ehiSjfPnyxsCBA40vv/zSuHr1qlW/y5cvG3ny5DF69uxp1R4TE2P4+vpatUdFRRkZOeTWqVPHKFu2bJp9UsrxJ598YkgyfvrpJ0tb8n5s3ry5Vd/nn3/ekGT8/vvvhmEYxpEjRwxXV1dj3LhxVv12795t5MiRw6o9MjLSCAkJsft1fPHFF4YkY8aMGZa2kJAQIzIy0vL4iSeeMJo0aZLmdlLLb/J7wcfHxzhz5kyKy25/z0dGRhqSjP79+1vazGaz0aRJE8PNzc04e/asYRiGsWHDhhTftymtM619f+fnpmXLloabm5tx6NAhS9vJkyeN3LlzG7Vr17a0zZ8/35BkhIeHG2az2dI+ePBgw9XV1bh06VKK27sXa9asMVxdXQ1XV1cjLCzMGDZsmPH9998biYmJNn1Tek9GREQYRYsWtWoLCQkxJBmbN2+2tH3//feGJMPT09M4evSopf29996zyXV695Nh2Oa4e/fuRlBQkHHu3DmrmNq3b2/4+vqm+BqSDR482JBk7Ny5M9U+t0vv/rzzWJsseT8fPnzY0pacu9s/42fOnDHc3d2NF154wdKW2rE1+TO3bdu2dL0GAED6cX5+C+fn1jg/t8b5uf2St7Vu3Trj7NmzxvHjx41PP/3U8PPzMzw9PY0TJ05k6L1Tp04dQ5IxZ84cq77z5s0zJBlTp061iSH5Nf7888+GJOPjjz+2Wr569WqbdnvPYw0j5c9Y7969DS8vLyM+Pt4wDMNISEgw/Pz8jMqVKxs3btyw9FuwYIEhyeoYtmjRIsPFxcX4+eefrdaZfNzetGmTzfZuFxkZaeTKlSvV5Tt37jQkGYMHD7a03XkcbdGixV2PLW+++abNdUEySYaLi4uxd+/eFJfd/n5O77Enpc9NautMK7Y7jx2DBg0yJFnl+/Lly0aRIkWM0NBQy/8bkz/PpUuXNhISEix9Z8yYYUgydu/ebbMtPHwYfgpwUq6urmrfvr2io6OtbhlfsmSJAgIC1KBBA0m3xjBM/nVzUlKSzp8/L29vb5UsWVI7duzI0Da//fZbSdKAAQOs2lP6ZbOnp6fl3zdu3ND58+f16KOPKk+ePBne7u3bDwwMtBofNGfOnBowYICuXLmijRs3WvVv166d8ubNa3lcq1YtSbdud0xL2bJltWvXLj377LM6cuSIZsyYoZYtWyogIMBqkqu1a9fq0qVL6tChg86dO2f5c3V1VdWqVbVhw4Z7ep3pdXuO4+Pjde7cOVWrVk2SUszxnb+U79+/v6T/9uuKFStkNpv1zDPPWL2ewMBAFS9ePEtej7e3tyTp8uXLqfbJkyeP9u7dqwMHDtzzdlq3bp3qr0VScvuvK5N/0Z+YmKh169bdcwx3k5SUpDVr1qhly5YqWrSopT0oKEgdO3bUL7/8YjPJXK9evax+8VerVi0lJSXp6NGjmRZXw4YNFR0drebNm+v333/X5MmTFRERoUceeURfffWVVd/b35OxsbE6d+6c6tSpo3/++cdqCANJKlOmjMLCwiyPk3/lVr9+fRUuXNimPaXPbUb3k2EYWr58uZo1aybDMKze5xEREYqNjU3z+JSc/9y5c6faJ9m97M/0KlOmjOV4Jt36JVTJkiXvemyTZPlF3jfffGMzCSgAwD6cn9/C+fktnJ+njfNz+4WHh8vf31/BwcFq3769vL299cUXX+iRRx7J8HvH3d1dXbt2tWpbvny58ufPb3lf3i75NS5btky+vr5q2LCh1XYqVqwob29vm+3Ycx4rWX/GLl++rHPnzqlWrVq6du2a/vrrL0m3hlo9f/68evbsaTUHUadOnayOP8nxly5dWqVKlbKKP/mOMHs/Y+n9PJ04cSJdQ/Glpk6dOipTpky6+9/t2JNVvv32W1WpUkU1a9a0tHl7e6tXr146cuSI9u3bZ9W/a9euVnOQpPf/GXg4UNQAnFjyRIPJYy2eOHFCP//8s9q3by9XV1dJt26nnDZtmooXLy53d3flz59f/v7++uOPP2y+ZLybo0ePysXFxXKbabKSJUva9L1+/bpGjBih4OBgq+1eunQpw9u9ffvFixe3GoJG+u9W1DtPFG//YlSS5QTmzrE9U1KiRAktWrRI586d0x9//KHx48crR44c6tWrl+XEOfkkvn79+vL397f6W7NmTZZPWnjhwgUNHDhQAQEB8vT0lL+/v4oUKSJJKea4ePHiVo+LFSsmFxcXy0X3gQMHZBiGihcvbvN6/vzzzyx5PVeuXJGU9pfEY8aM0aVLl1SiRAmVK1dOQ4cO1R9//JGh7STnJT1cXFysLlokWW4Vvv0Lisx29uxZXbt2LcXPU+nSpWU2m23Gv72X9/j169cVExNj9Xc3lStX1ooVK3Tx4kX9+uuvGj58uC5fvqw2bdpYnXhu2rRJ4eHhypUrl/LkySN/f3/LeLx3vifvjN3X11eSFBwcnGL7na/pXvbT2bNndenSJc2dO9fmPZ58EZfW+9zHx0dS2hclt28ro/szve7MnXRr36fn2FanTh21bt1ao0ePVv78+dWiRQvNnz/f7jGDAQC3cH5+C+fnnJ/fDefn/7mX83Pp1pwRa9eu1YYNG7Rv3z7LvCNSxt87jzzyiM0E1ocOHVLJkiWtCgN3OnDggGJjY1WgQAGb7Vy5csVmO/acx0q3hgN7+umn5evrKx8fH/n7+1sm6U7+jCUfdx599FGr5+bIkcNmWKYDBw5o7969NrEnv7/s/Yyl5/P00ksvydvbW1WqVFHx4sUVFRWlTZs2ZWg7Gfk8SXc/9mSVo0ePpvp5Sl5+O3v+n4EHH3NqAE6sYsWKKlWqlD755BO98sor+uSTT2QYhuViSpLGjx+v119/Xd26ddPYsWOVL18+ubi4aNCgQamOWZoZ+vfvr/nz52vQoEEKCwuTr6+vTCaT2rdvn6XbvV3yheOdjHRMJHz7OsqVK6dy5copLCxM9erV08cff6zw8HDL61i0aJECAwNtnpvWyV9meOaZZ7R582YNHTpU5cuXl7e3t8xmsxo3bpyuHN85pq/ZbJbJZNJ3332XYu6Sf2WSmfbs2SPJ9oTzdrVr19ahQ4e0cuVKrVmzRh988IGmTZumOXPmqEePHunazu2/6MkMqU0kmdIEdVnpXt7jn332mc2vsNL7mXBzc1PlypVVuXJllShRQl27dtWyZcs0cuRIHTp0SA0aNFCpUqU0depUBQcHy83NTd9++62mTZtm855MLfbM+NymJjmGZ599VpGRkSn2efzxx1N9fqlSpSRJu3fvVvny5e2OJ1lG30/25MhkMunzzz/Xli1b9PXXX+v7779Xt27dNGXKFG3ZsiVLPucA8DDh/DxtnJ+njfPze/cwnp9XqVJFlSpVSnFZRt8797o/zGazChQooI8//jjF5XfejWPPMeDSpUuqU6eOfHx8NGbMGBUrVkweHh7asWOHXnrppXs6jpnNZpUrV05Tp05NcfmdP7jKqPR8nkqXLq39+/frm2++0erVq7V8+XLNnj1bI0aM0OjRo9O1HXs/T3d+fpz584SHB0UNwMl16tRJr7/+uv744w8tWbJExYsXV+XKlS3LP//8c9WrV08ffvih1fMuXbpkmcQpvUJCQmQ2my2/2Ei2f/9+m76ff/65IiMjNWXKFEtbfHy8Ll26ZNUvtf9Zprb9P/74Q2az2erXYMm3mYaEhKR7Xfci+YTx1KlTkmT5RVyBAgUUHh6e5nMz8jrT4+LFi1q/fr1Gjx6tESNGWNrTugX8wIEDVr/gOHjwoMxms+XXKsWKFZNhGCpSpEiqk5hlpqSkJC1ZskReXl5Wt5+mJF++fOratau6du2qK1euqHbt2ho1apTloikz82s2m/XPP/9Y5eDvv/+WJEuukn8hcuf7OaXbytMbm7+/v7y8vFL8PP31119ycXGx+6RakiIiIrR27Vq713Pn5+Hrr79WQkKCvvrqK6tf1GTVMA/p2U938vf3V+7cuZWUlHTXz2xKnnrqKbm6umrx4sV3nSw8I/vz9vfT7RM22jNMwd3ed9WqVVO1atU0btw4LVmyRJ06ddKnn36a7i8iAACp4/yc83POzzk/z4jMOj+/XWa8d4oVK6atW7fqxo0bVpN939ln3bp1qlGjRqYVqlLbPz/++KPOnz+vFStWqHbt2pb2w4cPW/VLPu4cPHhQ9erVs7TfvHlTR44csfoRU7FixfT777+rQYMGmX5MkG4VWE0mkxo2bJhmv1y5cqldu3Zq166dEhMT1apVK40bN07Dhw+Xh4dHpsd2t2NPVnyepFv7JrXPU/JyIL0Yfgpwcsm/+hoxYoR27dpl9Ssw6VZl+84q9rJly/Tvv/9meFtPPfWUJOntt9+2ap8+fbpN35S2+84779hU9nPlyiXJ9n+WKfnf//6nmJgYffbZZ5a2mzdv6p133pG3t7fq1KmTnpdxVz///HOKY80njy+ZfMEYEREhHx8fjR8/PsX+Z8+etfw7I68zPZJ/sXBnjlPaF8lmzZpl9fidd96R9N9+bdWqlVxdXTV69Gib9RqGofPnz9sbtkVSUpIGDBigP//8UwMGDLAM65OSO7fr7e2tRx991Gq4nMzO78yZMy3/NgxDM2fOVM6cOS1jYYeEhMjV1VU//fST1fNmz55ts670xubq6qpGjRpp5cqVVrf9nj59WkuWLFHNmjXTzFN6BQUFKTw83OovLRs2bEjxlzB3fh5Sek/GxsZq/vz5dsecmrvtpzu5urqqdevWWr58ueVXU7e7/TObkuDgYPXs2VNr1qyxfH5uZzabNWXKFJ04cSJD+zP5C5jb309Xr17VRx99lGY8aUntfXfx4kWb/Zl81wlDUAFA5uD8nPPz23F+filT4uP8PGMy473TunVrnTt3zir3t69DunV3UlJSksaOHWvT5+bNm/e0/1PbPyl9xhITE232caVKleTn56f3339fN2/etLR//PHHNsMWPfPMM/r333+t5uZJdv36dV29ejXD8SebOHGi1qxZo3bt2tkM93S7O/eFm5ubypQpI8MwLMexzP483e3Y4+Pjo/z582fq50m69f+MX3/9VdHR0Za2q1evau7cuQoNDc3QvCAAd2oATq5IkSKqXr26Vq5cKUk2F01NmzbVmDFj1LVrV1WvXl27d+/Wxx9/bDMmaXqUL19eHTp00OzZsxUbG6vq1atr/fr1OnjwoE3fpk2batGiRfL19VWZMmUUHR2tdevWyc/Pz2adrq6umjRpkmJjY+Xu7q769eurQIECNuvs1auX3nvvPXXp0kXbt29XaGioPv/8c23atEnTp09P1+S96TFp0iRt375drVq1svyKY8eOHVq4cKHy5ctnmXjRx8dH7777rjp37qwnn3xS7du3l7+/v44dO6ZVq1apRo0alhPAihUrSro1iWNERIRlIsm0nD17Vm+88YZNe5EiRdSpUyfVrl1bkydP1o0bN/TII49ozZo1Nr9Sud3hw4fVvHlzNW7cWNHR0Vq8eLE6duyoJ554QtKtL1bfeOMNDR8+XEeOHFHLli2VO3duHT58WF988YV69eqlF198McP5jI2N1eLFiyVJ165d08GDB7VixQodOnRI7du3T/EE+HZlypRR3bp1VbFiReXLl0+//fabPv/8c6vJAu8lv6nx8PDQ6tWrFRkZqapVq+q7777TqlWr9Morr1hun/b19VXbtm31zjvvyGQyqVixYvrmm29SHHM1I7G98cYbWrt2rWrWrKnnn39eOXLk0HvvvaeEhARNnjz5nl6Pvfr3769r167p6aefVqlSpZSYmKjNmzfrs88+U2hoqOVW+UaNGsnNzU3NmjVT7969deXKFb3//vsqUKCA5deTmSk9+yklEydO1IYNG1S1alX17NlTZcqU0YULF7Rjxw6tW7dOFy5cSHO7U6ZM0aFDhzRgwACtWLFCTZs2Vd68eXXs2DEtW7ZMf/31l2X/pnd/NmrUSIULF1b37t01dOhQubq6at68eZbjyb1I7di6ZMkSzZ49W08//bSKFSumy5cv6/3335ePj4/+97//3dO2AADWOD/n/Jzzc87PHS0z3jvPPfecFi5cqCFDhujXX39VrVq1dPXqVa1bt07PP/+8WrRooTp16qh3796aMGGCdu3apUaNGilnzpw6cOCAli1bphkzZqhNmzYZij21Y1D16tWVN29eRUZGasCAATKZTFq0aJFN0cbNzU2jRo1S//79Vb9+fT3zzDM6cuSIFixYoGLFilndWdC5c2ctXbpUffr00YYNG1SjRg0lJSXpr7/+0tKlS/X999+nOsRXsps3b1o+T/Hx8Tp69Ki++uor/fHHH6pXr57mzp2b5vMbNWqkwMBA1ahRQwEBAfrzzz81c+ZMNWnSxHIMTX7Pvvrqq2rfvr1y5sypZs2aWQoKGXW3Y48k9ejRQxMnTlSPHj1UqVIl/fTTT5Y7pG6XkdhefvllffLJJ3rqqac0YMAA5cuXTx999JEOHz6s5cuX28zPBKTJAOD0Zs2aZUgyqlSpYrMsPj7eeOGFF4ygoCDD09PTqFGjhhEdHW3UqVPHqFOnjqXf4cOHDUnG/PnzLW0jR4407jxMXL9+3RgwYIDh5+dn5MqVy2jWrJlx/PhxQ5IxcuRIS7+LFy8aXbt2NfLnz294e3sbERERxl9//WWEhIQYkZGRVut8//33jaJFixqurq6GJGPDhg2GYRg2MRqGYZw+fdqyXjc3N6NcuXJWMd/+Wt58802bfNwZZ0o2bdpkREVFGY899pjh6+tr5MyZ0yhcuLDRpUsX49ChQzb9N2zYYERERBi+vr6Gh4eHUaxYMaNLly7Gb7/9Zulz8+ZNo3///oa/v79hMpls8nqnOnXqGJJS/GvQoIFhGIZx4sQJ4+mnnzby5Mlj+Pr6Gm3btjVOnjxp8xqT9+O+ffuMNm3aGLlz5zby5s1r9OvXz7h+/brNtpcvX27UrFnTyJUrl5ErVy6jVKlSRlRUlLF//35Ln8jISCMkJCTN15DS6/D29jaKFy9uPPvss8aaNWtSfM6d75E33njDqFKlipEnTx7D09PTKFWqlDFu3DgjMTHxrvlN672Q0ns+MjLSyJUrl3Ho0CGjUaNGhpeXlxEQEGCMHDnSSEpKsnr+2bNnjdatWxteXl5G3rx5jd69ext79uyxWWda+z6l9+OOHTuMiIgIw9vb2/Dy8jLq1atnbN682arP/PnzDUnGtm3brNo3bNhg9RnKDN99953RrVs3o1SpUoa3t7fh5uZmPProo0b//v2N06dPW/X96quvjMcff9zw8PAwQkNDjUmTJhnz5s0zJBmHDx+29AsJCTGaNGlisy1JRlRUlFVbSvswI/sppRyfPn3aiIqKMoKDg42cOXMagYGBRoMGDYy5c+emKyc3b940PvjgA6NWrVqWY0RISIjRtWtXY+fOnVZ907M/DcMwtm/fblStWtVwc3MzChcubEydOtWyn9OTu5SOlykdW3fs2GF06NDBKFy4sOHu7m4UKFDAaNq0qdXxCgBgP87P51v14fyc83POzzekmNt7kdq2UpKe906dOnWMsmXLpvj8a9euGa+++qpRpEgRy3lzmzZtbD53c+fONSpWrGh4enoauXPnNsqVK2cMGzbMOHnypKWPveexhnHrWFCtWjXD09PTKFiwoDFs2DDj+++/TzHHb7/9thESEmK4u7sbVapUMTZt2mRUrFjRaNy4sVW/xMREY9KkSUbZsmUNd3d3I2/evEbFihWN0aNHG7GxsWnmNzIy0urz5OXlZYSGhhqtW7c2Pv/8c5v3aEqv97333jNq165t+Pn5Ge7u7kaxYsWMoUOH2mx77NixxiOPPGK4uLhYXSOkdA2VzJ5jz7Vr14zu3bsbvr6+Ru7cuY1nnnnGOHPmTIqfkdRiS+n/L4cOHTLatGlj5MmTx/Dw8DCqVKlifPPNN1Z9kj83y5Yts2pP6RiBh5fJMJhdBQAAOI8uXbro888/15UrVxwdCgAAAAAnYDab5e/vr1atWqU43BQA58J9PQAAAAAAAAAeCPHx8TbDUi1cuFAXLlxQ3bp1HRMUgEzFnBoAAAAAAAAAHghbtmzR4MGD1bZtW/n5+WnHjh368MMP9dhjj6lt27aODg9AJqCoAQAAAAAAAOCBEBoaquDgYL399tu6cOGC8uXLp+eee04TJ06Um5ubo8MDkAmYUwMAAAAAAAAAADgF5tQAAAAAAAAAAABOgaIGAAAAAAAAAABwCsypkUnMZrNOnjyp3Llzy2QyOTocAAAAIFsyDEOXL19WwYIF5eLy8PzGiusFAAAAIG3pvVagqJFJTp48qeDgYEeHAQAAADiF48ePq1ChQo4O477hegEAAABIn7tdK1DUyCS5c+eWdCvhPj4+Do7Gmtls1tmzZ+Xv7/9Q/Rous5A/+5A/+5A/+5A/+5A/+5A/+5A/+2Tn/MXFxSk4ONhy/vyw4HrhwUTu7EP+7EP+7EP+7EP+7EP+7EP+7JOd85feawWKGpkk+RZyHx+fbHmREh8fLx8fn2z3RnUG5M8+5M8+5M8+5M8+5M8+5M8+5M8+zpC/h20IJq4XHkzkzj7kzz7kzz7kzz7kzz7kzz7kzz7OkL+7XStkz6gBAAAAAAAAAADuQFEDAAAAAAAAAAA4BYafcqCrV6/q0KFDunbtmgzDyLLtmM1mXbx4UXnz5s22txRlZ+TPPuTPPvbkz2QyycvLS8WKFVOuXLmyKEIAAAAAAADg/qGo4QBms1krV67U7zu3yXwzQTlzuGbpmMKGYSghIUHu7u4P3djFmYH82Yf82cee/BmGoRs3k+SSw12Pl6+kFi1ayNXVNYsiBZyL2WxWYmJilm/jxo0bio+Pp6h7D8iffRyZv5w5c/L/GwAAgAdQUlKSbty44egwuFaw04NwrUBRwwG++eYb/b59sxrUrqRyZUvKy8szS7dnGIauXb0qr1y5+FL5HpA/+5A/+9ibv2vXrmv33v364edoubq6qkWLFlkQJeBcEhMTdfjwYZnN5izdjmEYMpvNunz5Mse/e0D+7OPo/OXJk0eBgYHsOwAAgAeAYRiKiYnRpUuXHB2KJMef6zo7R+cvM64VKGrcZwkJCfp952+qU6OCqlYu7+hwADzgvLw8VbVyed1MStIvv25X48aN5e7u7uiwAIcxDEOnTp2Sq6urgoODs/RXKYZh6ObNm8qRIwcn2veA/NnHUfkzDEPXrl3TmTNnJElBQUH3bdsAAADIGskFjQIFCsjLy8vh5+dcK9jnQbhWoKhxnx07dkw3Eq+pdMlijg4FwEOkdMli2vDLDh07dkzFixd3dDiAw9y8eVPXrl1TwYIF5eXllaXb4kTbPuTPPo7Mn6fnrbuQz5w5owIFCjAUFQAAgBNLSkqyFDT8/PwcHY4krhXs9SBcKzDo2H12/fp1yTCU2/v+Tdq78Zdfla9wJV2KjUu1j3u+Ulq5at19i+l+2vjLVrnnK5Xm60+PEuUb6O13P8qkqLKfHlEvq82zUY4OI8ssXLJCBUIr272exMREla7YSNFbd2RCVJnr3PmLKlSiuk78G2OzLLd3Lskwbh2DgIdYUlKSJMnNzc3BkQAPtuSiYXYYcxkAAAD3Lvl8Lqt/FIaHR2ZcK1DUcJCUqmA9ol6We75Scs9XSrkKPKYS5Rto+Mg3FR+f4IAIs4+xE99R5dotHR2GXR6E14Bb5s7/VKGFCyms6pOWtgsXLymy14vKX7iiCoRWVu/+r+rKlav3vI2ly1fJPV8pmyKTYRgaPf5thZSuJd+CT6jx01114NARy/L8fnnVqV0LjZ34js06k485hmHcc1zAg4Rf8wBZi88YAADAg4XzO2SWzHgvUdTIZho1qKWjf/6sv3as1ZvjhuuDBZ9pTApfUDqDxMRER4eA+yj51rUHmWEYeveDj9X12dZW7ZG9hmrfXwf17Yp5+uLTOfo5+jc9P3jEPW3jyLETennEZNUMq2SzbMrbH2jW3EV6Z8oo/bJ2qXJ5eappmx5Whc/Ijq30yedf68LFS/e0fQAAAAAAACA7o6iRzbi7uykwwF/BhYLUokm46tcJ0/ofN1uWm81mTZ72nkqUbyDfgk+oUq0WWrFytdU6vlu7UWUrR8i34BNq1Pw5HT32b7q2HXP6rJq17Snfgk+oZIVwm/W+Muotla0coTyPlFfJCuEaNW6G1W1CyXcjzFu4TCXKN5BP0BOSpBUrV+vJGs3kW/AJBRWrqsZPd9XVq9fuNUU2Pv5spcLqt5Zf4SdVuFRNPdfzBZ05e96m3+atO1SxZnP5BD2uWg3bae++v62Wb9qyXfX/10m+BZ9QscfqavDLb6Qap2EYGjvxHT1arp5yB5ZTaJlaGvzyGyn2Xbhkhd6YPEt/7PnLcifOwiUrJEnHTpxU607PK1/wk8pfuKI6dh2k02fOpfpaUxpK6/fdf8o9XykdOXbCsr0CoZW1Zv3Perzq/5Qv+Ek1bdNDp2LOWJ6TlJSkoa9OUIHQygoqVlXDR75p8wv+u73XkmNZvfYnVavXSrkDH9emLdv1x56/1Kj5c/IrfOs1hdVvrZ2/75Mknb9wUZ17DFGRsrWV55HyerJGM322/Bur7TZs1lmDXhqrF4aPV0CRKgouWUMffrRUV69eU8+o4fIr/KRKV2yk1Wt/sonl2zU/prmP7/TVt+tVtW4r+QQ9rpIVwvXGpJlpFmZ27Nqjfw4f11ON6lja/tx/SGvW/6w5M8aqSqUnVKNaRU2b+JqWrvhWJ0+dTnP7d0pKSlKXXkP1+sv9VSS0kNUywzD0zpyFevmFPmr+vwYqV7ak5r07Sadizuir24aOK1O6uIICC2jlNw/mcHIAnEPt2rW1ZMmSTFtfly5d1LJlS7vW8eOPP8pkMunSpUuZEtP9NGfOHDVr1szRYQAAAAAPpdDQUE2fPt3yOCYmRg0bNlSuXLmUJ08eh8X1MKOokY3t3fe3tmzbJbecOS1tk6fN1eJPV2rmlFHaufkbDegbqS59humnTb9Kko6fOKV2z/VXk4h6+nXjF+raua1eHzs1XdsbPX6Gnm7WSNt++lId2jTTsz1e0J/7D1mW5/bOpQ9mTtCu6G80ZcIrmrdomWbcMcfEocPH9MXXa7R04Tva9tOXOhVzRp17vqjITq31+5ZVWvv1QrVs2tDyBXryl9HJX8jfixs3bmrk8IHa9tNKLVs0U0eP/aseUcNt+g0f8aYmjX1Jm9cvU/78efV0x76Wosyhw8fUrG1PtWzWSL/9vFKLP5yqzVt2aNCwsSlu84uvvtfb736kmVNHa+9v32vZoll6rHSJFPu2ffp/GhTVVWVKFdfRP3/W0T9/Vtun/yez2aw2naJ08WKs1n29UN+umKfDR4/r2e6D7zkXya5dj9e0mfM1f84krf9mkY6fOKWXR0y2LJ82a74WffKl5r4zTj98u0QXL8bafAl+t/dastfGTNEbI17Q71tWqVzZkorsNVSPFAzUpnWfK3rDcr04sKdy5swhSYqPT1SFJ8rqy0/f045NX6t75DPq2uclbdv+h9U6F3/ypfL75dUv65bq+Z7Pqv+Lo9Wh6yBVq1JBWzasUHi9GurWd5iuXbOeHyKtfXynX6J/U/e+L6lf787aFb1Ks6aO1sJPvtDEKXNSzesv0dtVvFiocuf2trRt3bZLeXx9VLFCOUtbg7phcnFxsXlddzNu8iz5+/upa+c2NssOHz2hmNNn1aBudUubr09uVan4uLZs22XVt/KTj2vTlt8ytG0A2VuXLl1kMpnUp08fm2VRUVEymUzq0qXL/Q8sBV999ZVOnz6t9u3bW9ruvAhwRitWrFCjRo3k5+cnk8mkXbt2pet5zZs3V+HCheXh4aGgoCB17txZJ0+etOqzdOlSlS9fXl5eXgoJCdGbb75ptbxbt27asWOHfv755wzH3aJFi7tu//vvv1e1atWUO3du+fv7q3Xr1jpy5IhVn1mzZql06dLy9PRUyZIltXDhwgzHAgAAANwvdevW1aBBg2zaFyxYkOFCxLZt29SrVy/L42nTpunUqVPatWuX/v477R/UOsqKFSvUsGFD+fv7y8fHR2FhYfr+++/T/fyDBw8qd+7cNrlau3atSpQoIR8fH3Xu3NlqpJ7Y2FiVKFFCR48ezayXkSqKGtnMt9//qHzBT8on6HE9WbO5zpw9ryH9u0mSEhISNWnae5r7zjg1alBLRUOD9VzHVurYtrk+WPCZJGnu/E9UNLSwJr/xskoWL6oObZupc/uW6dp2qxaN1e25tirxaBGNenWgKpZ/TLPfX2xZPvzFvgqr+qRCCxdS08b1NSiqq5Z/+Z3VOhITb2jeu5NU/vEyKle2pGJOn9XNmzfVsllDhRYupMfKlFSf7h3l/f8TpXt5eqpE8SLKmSOn7lWXZ1urccPaKhoarKqVy2vqxFf1/bqfbOY0eG1YlMLr1dBjZUrqw9kTdebsecsX+W9Om6v2bZpqQN9IFS8WqrCqT2rqxFe1+LOVKc5pcuzEKQUE5FeDumEqXKigKld8XN0jn0kxPk9PD3nn8lKOHK4KDPBXYIC/PD099MPGaO3Z97c+mvuWniz/mKpUekLzZk/ST5u26bcdu+85H9KtiXZmTh2lihXKqcITZdW3Zydt+GmLZfnMOR9p6KBeatmskUqXLKaZU0fJ1ye3ZXl63mvJRgwfoPB6NVSsSGHly5tHx0+cVP06YSpVoqiKFwtV6xaN9ViZWwWfRwoGaEj/7nqiXGkVDQ1WVK/OatSgpj6/4330+GOlNPzFvipeLFTDBveSh4e78vvlVffIZ1S8WKheHfq8zl+4pN1791s9L619fKc3Js/S0EE91bnD0yoaGqzwejU06pWB+uCjz1LsL0nHjp9UUFABq7bTZ87K3z+fVVuOHDmUL6+vYtK46+ZOm7Zs14LFy/Xu9JQLacl38BTw97NqL+Cf3+bunqBAfx07bv2FFQDnFxwcrE8//VTXr/9X0I2Pj9eSJUtUuHBhB0Zm7e2331bXrl3l4vJgnWZevXpVNWvW1KRJkzL0vHr16mnp0qXav3+/li9frkOHDqlNm/+K19999506deqkPn36aM+ePZo9e7amTZummTNnWvq4ubmpY8eOevvttzMcd926ddPc/uHDh9WiRQvVr19fu3bt0vfff69z586pVatWlj7vvvuuhg8frlGjRmnv3r0aPXq0oqKi9PXXX2c4HgAAAMDZ+Pv7W02UfujQIVWsWFHFixdXgQIF0nhm6rJ62P6ffvpJDRs21Lfffqvt27erXr16atasmXbu3HnX5964cUMdOnRQrVq1rNrNZrM6duyoPn36KDo6Wr/99pvmzp1rWf7yyy+rT58+CgkJyfTXc6cH62rzAVCnZlX9uvEL/bJ2qTp3aKnIjq30dPMISdKhf47q2rXr+l/r7soX/KTlb/FnK/XP4eOSpL/+/kdVKj5utc6qlcuna9vV7uhXtXJ57f/7vzs1lq34VnUbd1DhUjWVL/hJjRo/Q8dPnLJ6TuHggvLP/98XvI8/Vkr16oSpYo3m6tBloD78aKkuXoq1LK9c8XHt3vqdHikYkK4YU7Jj1x493aGPHi1XT36Fn1R4s+ckySa2qlX+e3358uZRiUeL6K//f31/7P1Liz75wiqvTdv0kNls1pGjtneRtG7RWPHXE1SqQkP1Hfi6Vn6zNsPzSfz19yEVeiRQwYWCLG2lSz2qPL4+lrjulZeXp4oV+e8LrqAAf8uQXLFxl3Uq5qyqVPrvfZIjRw49WeExy+P0vNeSVSz/mNXjgc93UZ+Br6vx01315vS5OnT4mGVZUlKSxr85W0/WaKbAolWVL/hJrf1hk82+eqxsScu/XV1d5Zc3j8redidMQIH8kqQz5y5YPS+tfXyn3Xv+0rg3Z1u9vr6DXtepmLM2d4Akux4fLw939xSX2ePy5Svq2meYZk8fq/x+ee1en6enh65di8+EyABkJ08++aSCg4O1YsUKS9uKFStUuHBhVahQwaqv2WzWhAkTVKRIEXl6euqJJ57Q559/blmelJSk7t27W5aXLFlSM2bMsFpH8pBPb731loKCguTn56eoqKhU74CTpLNnz+qHH37I0FBJ6Ykl2ejRoy2/NOrTp4/VhcDdXvOdjh49qmbNmilv3rzKlSuXypYtq2+//TbV/p07d9aIESMUHh6e7tcmSYMHD1a1atUUEhKi6tWr6+WXX9aWLVsseVy0aJFatmypPn36qGjRomrSpImGDx+uSZMmWQ0N2axZM3311VdWRa3M2P727duVlJSkN954Q8WKFdOTTz6pF198Ubt27bKKsXfv3mrXrp2KFi2q9u3bq1evXhku8AAAAADZTXque26/8zw0NFTLly/XwoULre6YP3bsmFq0aCFvb2/5+PjomWee0enT/w1LPmrUKJUvX14ffPCBihQpIg8PD0m3Js1+77331LRpU3l5eal06dKKjo7WwYMHVbduXeXKlUvVq1fXoUMZ+65w+vTpGjZsmCpXrqzixYtr/PjxKl68eLp+mPTaa6+pVKlSeuYZ6x9wnzt3TufOndPzzz+vsmXLqnnz5vrzzz8lSZs3b9a2bds0cODADMV5r3Lcl60g3XLl8tSjRW9Vs+a+M16VarXQ/EWfq2vnNrry//M7fPnpHBUMsi4CuLu5ZWlcW37dqcjeQzXi5f5qWL+GfHxya9mKbzV91nzr+L08rR67urrquxXzFL11p9Zt+EWz31+skeOm6+e1S1UkxHrOgHtx9eo1NW3TQw3r19SCuW8qv18+HT9xUk3b9FBiGl+63OnKlWvq0aWdonp1tlkW/Eigbt6xruBCQdr963dav3Gz1v+4WQOGjtHUdz7Uum8WKWfOe7/r5G6Sf/V6+5ccN27YFlNy5rjjo20y2cyZkZaMvNdy5bLe56+/3F/t2jTVd2s26vt1P2nMxHf0wczxeqZ1U01950PNfG+h3hr/ih4rU0JeXp568ZXxNvvqzvhNJlmGsLr12CTp1hdY9+rK1Wt6/eX+atm0oc0yD4+UCxf5/fLazNMRUMBfZ89aF1du3rypCxdjFfj/xZe7+efIcR099q9adexraUt+bbkKPKZfNyz/r5Bz9ryCAv/7FcCZs+f0+GOlrdZ34WKs8ue3vzgCPFRuXk19mclVcvVIX1+5SDluOy7evCopx60D2e1y5LqXKNWtWzfNnz9fnTp1kiTNmzdPXbt21Y8//mjVb8KECVq8eLHmzJmj4sWL66efftKzzz4rf39/1alTR2azWYUKFdKyZcvk5+enzZs3q1evXgoKCrI6cd2wYYOCgoK0YcMGHTx4UO3atVP58uXVs2fPFOP75ZdfLCfi6ZVaLIGBgVZ3C6xfv14eHh768ccfdeTIEXXt2lV+fn4aN25cul7znaKiopSYmKiffvpJuXLl0r59++Tt7W3TLzNduHBBH3/8sapXr245X0hISLD61ZckeXp66sSJEzp69KhCQ0MlSZUqVdLNmze1detW1a1bV9KtuzBCQ0O1YMGCe95+xYoV5eLiovnz56tLly66cuWKFi1apPDwcKsYky+6bo/x119/1Y0bN7L03AcAAADZVJZeQ6XgHq+h0iMj1z3btm3Tc889Jx8fH82YMUOenp4ym82WgsbGjRt18+ZNRUVFqV27dlbXagcPHtTy5cu1YsUKubq6WtrHjh2rqVOnaurUqXrppZfUsWNHFS1aVMOHD1fhwoXVrVs39evXT999d2ukkyNHjqhIkSLasGGD5drgbsxmsy5fvqx8+fKl2e+HH37QsmXLtGvXLqsf1Em37lgJCgrSmjVrFB4erp9//lmRkZG6ceOG+vbtq3nz5lm9rqxEUSMbc3Fx0UtDemvYa5PUvk1TlS5ZTO7ubjp+4pRq16iS4nNKlSiqb77bYNW29bff07W9rb/9rmdvG6rq19926YnHy0iSon/dqcLBBfXyC/+N5Z3e4W1MJpOqV3tS1as9qVeHRan44/W18pu1GhTVNV3PT8v+A//o/IVLemPEC5Y7Hnbs2pNi31+3/a7ChQpKki5eitWBQ0dUqkQxSVKFJ8roz/2HLAWl2xmGYVPUkG79Gr5p4/pq2ri++nTvqMer/k979v2tCk+Utenr5pZTSUlJVm2lShTTiX9jdPzEKUvsf/51UJdi41S6ZLEUX0N+v1sHnpiYs8qbx1fSrYnCM8LXJ7eCAv31629/qFb1ypJufQm/c9delX/i1v5Oz3stLSUeLaISjxbRwOe76NkeQ7Rk6Vd6pnVTbd66Q82eaqCOzzSXdOuAeuDQEZUu+WiGt5GStPbxnSo8XkYHDhxOcZ+npny50po771MZhmEprFStXF6XYuO0Y9cePfn/d61s+GmLzGazKt9x11RqShYvqh2/fGXVNnL8DF2+clVTxg/XI4EF5JvHV4EB/vphY7SeKHfry8K4uCv6dfsf6tW1g9Vz9/154J72G/BQW5rGl9kF/yfVXfXf4+UFpKRrKfctUEcK/9HyMMeq4jIlpjAUXcf0F5pv9+yzz2r48OGWMUo3bdqkTz/91OpEOSEhQePHj9e6desUFhYmSSpatKh++eUXvffee6pTp45y5syp0aNHW55TpEgRRUdHa+nSpVZFjbx582rmzJlydXVVqVKl1KRJE61fvz7VosbRo0cVEBCQoaGnUotl2bJlVkUNNzc3zZs3T15eXipbtqzGjBmjoUOHauzYsbpx48ZdX/Odjh07ptatW6tcuXKW/lnlpZde0syZM3Xt2jVVq1ZN33zzjWVZRESEBg8erC5duqhevXo6ePCgpkyZIkk6deqUpajh5eUlX19fq/FpCxcurKCgIN1NWtsvUqSI1qxZo2eeeUa9e/dWUlKSwsLCrO5aiYiI0AcffKCWLVvqySef1Pbt2/XBBx/oxo0bOnfuXLpiAAAAwAMmi66htDJUSsi8a6j0yMh1j7+/v9zd3eXp6anAwEBJt+aZ2L17tw4fPqzg4GBJ0sKFC1W2bFlt27ZNlSvf+v4tMTFRCxculL+/v9U6u3btarkOe+mllxQWFqbXX39dERG3Ru8ZOHCgunb973vUnDlzqmTJkjY/jkrLW2+9pStXrtjcfXG78+fPq0uXLlq8eLF8fHxslptMJi1dulSDBw/WwIED9b///U/dunXTxIkTVa9ePXl4eKhGjRo6d+6c+vfvr379+qU7voyiqJHNtW7RWMNHvKl3P/hYQ/p31+B+3TT01Qkym82qXq2i4uIua/PWHfLJ7a3OHZ5Wz67tNX3WfL08YrK6dm6jnb/v1eJPv0jXtlasXK2K5R9T9WpP6tNlX2vbjt167+1bv358tFiojp84paXLV6nik+X03ZoftXLV2ruu89fffteGn6IVXq+G/P39tO23P3T2/AXLF83btv+hbs+/pNVfLEhzCKrr8fE2X957e+dScKGCcnPLqdnvL1bPru21988DGv/W7BTXMe7N2cqXL48C/P00Ytx05c+XV82bNJAkvTiwp2o1aqeBw8aoW+e28vLy1J/7D2n9j5s0fdLrNutauGSFkpLMqlLxcXl6eeqTpV/L09NDhYMLprjtkMKP6Mixf/X77j/1SMFA5fbOpQZ1q+uxMiXUpfdQvTV+uG7eTNKAoaNVu0Zlq0mnb/do0cIKfiRIYyfN1OjXBunAoSOaPnt+in3T0q/3c3prxlw9WixEJYsX1YzZ83UpNs6yPHdu77u+11Jy/Xq8Xh45Wa2aRyg0pJD+/fe0tu/co6YRdf8//hB98dUaRW/doTx5fPX27AU6c+Z8phU10trHd3pl6PN6ukNfBRcKUqvmETK5uGj3nr+0968DGv3qoBSfU6dWVV25ek37/jygsv8/T0jpksXUqEEt9R00QjOnjNKNGzc16KWxeqbV/2zuckmNh4e7ZX3J8vjemuOkbOkSunb1qkwmk/r3eU4Tp8zRo8VCVSTkEY0a/7aCAguoeZP/hkK5du26dvy+V2Net3/CeQDZj7+/v5o0aaIFCxbIMAw1adJE+fNb3xV28OBBXbt2TQ0bWt+JlpiYaDVM1axZszRv3jwdO3ZM169fV2JiosqXL2/1nLJly1r90iYoKEi7d6c+79P169dtftGfHumJ5YknnrA6aQ8LC9OVK1d0/PhxXblyJV2v+XYDBgxQ3759Lb8yat26tR5/PH3F6JT06dNHixf/NxfZlStXLP8eOnSounfvrqNHj2r06NF67rnn9M0338hkMqlnz546dOiQmjZtqhs3bsjHx0cDBw7UqFGjbIpDnp6eunbtv4vB9E7Wndb2Y2Ji1LNnT0VGRqpDhw66fPmyRowYoTZt2mjt2rUymUx6/fXXFRMTo2rVqskwDAUEBCgyMlKTJ09+4OZOAQAAwMMno9c9d/rzzz8VHBxsKWhIUpkyZZQnTx79+eeflqJGSEiITUFDktV1SEDAre+Skn98ldwWHx+vuLg4+fj46JFHHtFff/2V7viWLFmi0aNHa+XKlSpQoECqo7n07NlTHTt2VO3atVNdV82aNbVt2zbL47///lsLFy7Uzp07Vbt2bQ0cOFBPPfWUHnvsMdWuXduua6y0UNTI5nLkyKG+PTtp6jsfqne3Dhr1ykDl98unydPn6vCRE8rjm1vlHy+jl4b0liQVLlRQn370toa+OlGz31+syk8+rtGvDlbvAa/edVuvv9xfS1es0oChoxUY4K9F709R6VK3vmxu9lR9DegbqUEvjVVCYqKealhXw198Xm9MmpnmOnPn9tbPm3/TO3MWKu7yFRUOLqhJY19S44a3PhzXrl/X3wcO68bNtIeKOnDwiKrUsf4ivV6dMK3+Yr4+mDVBr4+dpllzF6nC42U0ccwwte74vM063hg5RC8MH6+D/xzRE4+V1opP3pXb/w+lVK5sSa37epFGvDFN9Zt0kmFIRUOD1fbpp1KMx9fXR29Nf1/DXpuoJLNZj5UurhVL3pVfvpSH/Hm6WYS+/HqtGjWP1KXYOL0/c7ye69hKn388S4NfekMNmnaWi8mkRg1qadqk11LNQ86cObXw/Snq/+IoVarVQpUqlNPoVwaqQ9dBaebvToOiuupUzFn1eP5lubi4KLJTK7VoGq7YuP++gLnbey0lrq4uunDhkrr3fVmnz55Tfr+8atGkoV7+/+cMf7GvDh89oaZte8jL01Pdn3tGzZs0sNquPdLax3dq1KCWvvjkXY1/c7beevsD5cyRQyWLF1XXzm1S7C9JfvnyqkWTcH3y+dd6Y8QLlvaP5r6pQcPGqvHTXeRictHTzRpp6kTrz5x7vlKW/X6vXhjQQ1evXlfU4BG6FBun6tUq6utl71sNl/X1d+sVXChINcMq3fN2gIfSM2kch0x33D7b+kwaK7L+gvdmkwPKkSOH5e6uzJB867F0qxhwp+Qv01etWqVHHnnEapn7/88L9Omnn+rFF1/UlClTFBYWpty5c+vNN9/U1q1brfrfOayQyWRKc+i//Pnz6+LFixl6PemNJS3pec136tGjhyIiIrRq1SqtWbNGEyZM0JQpU9S/f/8MxZ9szJgxevHFF1Nclj9/fuXPn18lSpRQ6dKlFRwcrC1btigsLEwmk0mTJk3S+PHjFRMTI39/f61fv16S7d0jFy5cSPEi6G7S2v6sWbPk6+uryZMnW/ovXrxYwcHB2rp1q6pVqyZPT0/NmzdP7733nk6fPq2goCDNnTtXuXPnvqd4AAAA8ADIomsotThyrxFZ8fHxUWxsrE37pUuX5Ovra9WW0euee5UrV8pDaN2+/eRrx5Ta7iWmTz/9VD169NCyZcvuOj/gDz/8oK+++kpvvfWWpFuj15jNZuXIkUNz585Vt27dbJ7Tu3dvTZkyRWazWTt37lTbtm3l5eWlOnXqaOPGjRQ1HgYfzJqYYvvQQb00dFAvy+P+fZ5T/z7PpbqeJhH11CSinuWxYRhq2zJCXql8cCQp4cKt6l6f7h1T7TNh9FBNGD3Uqm1A30jLv19/ub9ef9n6i4DSJYvpm88/SHWddWpWtWw7NSmt93btWjdVu9ZNrdpuX+ft27g9L3eq9GQ5fbtink17cvXy713rLQeRFk3C1aJJ2geC27m7u+nTj962aS9cqKCWf5zynSWpqV7tSW2/Y6ii21/vcx1b2Xxx3qJJuFWfHDlyaMqEVzRlwiupbif5zoDU3msp7Ts3Nzct+mCqVZthGLp29dZ4iPny5tHni22/gLvd2q8X2bT9/fsPNm0pvW9qVKuonZtTnvAopbw0alBLjRrUSjOeO738Qh/9r1U3vTykj7y9b32m8uXNo4XvT0n1OYePnlCOHDkUVvXJdG8n+Xhwe/XcZDJp5CsDNPKVAak+b+acRXp1qG1RD8BdZGR81oz2zZHCnBp2aNy4sRITE2UymSy3I9+uTJkycnd317Fjx1Icdkm6NWxV9erV9fzz/x0vMjrxXEoqVKigmJgYXbx4UXnzpm9un/TG8vvvv+v69evy9Lw13u6WLVvk7e2t4OBg5cuX766vOSXBwcHq06eP+vTpo+HDh+v999+/56JGgQIFVKBAgbv2S74QSUhIsGp3dXW1FGQ++eQThYWFWRUMDh06pPj4+FTvPEmvO7d/7do1m7stkn+ldudFU86cOVWo0K050T799FM1bdqUOzUAAAAeVll5DZUJSpYsqTVr1ti079ixQyVKlEjhGfeudOnSOn78uI4fP265W2Pfvn26dOmSypQpk6nbyohPPvlE3bp106effqomTZrctX90dLTV8PkrV67UpEmTtHnzZpsfj0nShx9+qHz58ql58+aWH7clT7B+48YNm6H4MxNFDQDIgHJlS2rcyBd05NgJPVamZLqes3rtRnWPfEbFi4VmaWznzl9Ui2YNbYp8AB4srq6u+vPPPy3/vlPu3Ln14osvavDgwTKbzapZs6ZiY2O1adMm+fj4KDIyUsWLF9fChQv1/fffq0iRIlq0aJG2bdumIkWK2BVbhQoVlD9/fm3atElNm1ofi/7991/t2rXLqi0kJCTdsSQmJqp79+567bXXdOTIEY0cOVL9+vWTi4tLul7znQYNGqSnnnpKJUqU0MWLF7Vhw4Y0Jzi/cOGCjh07ppMnb80ptn//fklSYGCgZSzdO23dulXbtm1TzZo1lTdvXh06dEivv/66ihUrZpn749y5c/r8889Vt25dxcfHa/78+Vq2bJk2btxota6ff/5ZRYsWVbFi/80V9dxzz+mRRx7RhAkTUtz+r7/+qh07dqhWrVqpbr9JkyaaNm2axowZYxl+6pVXXlFISIilgPL333/r119/VdWqVXXx4kVNnTpVe/bs0UcffZRqvgAAAABH6tu3r2bOnKkBAwaoR48ecnd316pVq/TJJ5/o669T/kHsvQoPD1e5cuXUqVMnTZ8+XTdv3tTzzz+vOnXqqFKlzB9J499//1WDBg20cOFCVamS8pyqS5YsUWRkpGbMmKGqVasqJiZG0q0hbZPny5g5c6a+/PJLy53id14P/fbbb3JxcdFjjz1ms/4zZ87ojTfe0KZNmyTdmpekdOnSmj59uho1aqT169fr1VfvPnLQveKnVQCQQc91bJXugoYk9e3RSW+/OSILI7olv19evTigR6YOcwMge/Lx8Ulx4rZkY8eO1euvv64JEyaodOnSaty4sVatWmUpFPTu3VutWrVSu3btVLVqVZ0/f97qTol75erqqq5du+rjjz+2WfbWW2+pQoUKVn+rVq1KdywNGjRQ8eLFVbt2bbVr107NmzfXqFGj0v2a75SUlKSoqChL3xIlSmj27NTvnvzqq69UoUIFyy+c2rdvrwoVKmjOnDmpPsfLy0srVqxQgwYNVLJkSXXv3l2PP/64Nm7caDUs1kcffaRKlSqpRo0a2rt3r3788Uebi5NPPvnEZqLCY8eO6dSpU6lu39PTU1988UWa269fv76WLFmiL7/8UhUqVFDjxo3l7u6u1atXW+6KSUpK0pQpU/TEE0+oYcOGio+P1+bNmy2TmAMAAADZTdGiRfXTTz/pr7/+Unh4uKpWraqlS5dq2bJlaty4caZuy2QyaeXKlcqbN69q166t8PBwFS1aVJ999lmmbifZjRs3tH//fqv59u40d+5c3bx5U1FRUQoKCrL8DRw40NLn3Llz93zH/sCBA/XCCy+oYMH/5hdesGCB5Y7uoUOHWuYSyQomI7WZQZAhcXFx8vX1VWxsbJpfMuzevVvLPlmgYQO7pDrWv10++cSmyZBJ13x95BUbJ5NS2N0dOmR+HA+Q5OGTvHLl4svie0D+7JNZ+UtMTNTkGQvUpn1klo1nmB2ZzWadOXNGBQoUYIiUe/Ag5i8+Pl6HDx9WkSJF7mlC64wwDEM3b97M9Dk1sruYmBiVLVtWO3bsUEhIyD2v52HNX0r27t2r+vXr6++//7YZ/zc1js5fWp+19J43P2iyxetu1izFZrPJpDPBwSpw/Lhc7rw8zORfMj5oHsT/V95P5M8+5M8+5M8+5M8+zpS/+3kNlV6OPtd1do7OX2ZcK2TvT80DKFeuXJLJRRcvxTk6FAAPkUuxlyWTi7y9vR0dCoAHXGBgoD788EMdO3bM0aE8ME6dOqWFCxemu6ABAAAAAA8y5tS4zwoXLiwPr9za9cefigjP2ATFAHCvdv2xTx5euVW4cGFHhwLgIdCyZUtHh/BACQ8Pd3QIAAAAAJBtUNS4z3LkyKGatepq3fdf62bSTZUrW1K+PrllUibd6nM9wabJkHQtp5tuXo9PeStxVzJn2w8owzB07dpV3UwyuKXtHpA/+9iTP0OGYuMua/fe/dq5+5AaNGqqHDk47AMAAAAAAMB58e2WA9SqVUsuLi6K3vyLdu7+TpI581b+40abJsMkJXjlkvu1qzKlNIPKhRuZt/0HkGFICfHxcvfwEN/JZxz5s4/9+XNRbt98avRUC9WoUSOzwwMAAAAAAADuK4oaDmAymVSzZk1Vr15dMTExac5Un2HRO2yazCaTzhcIkt+pU7YT/0lS1z6Zt/0HkNls1vnz5+Xn55ftJ2/KjsiffezNn5eXlwIDA8k9AAAAAAAAHggUNRzIxcVFBQsWzNyV5spl02Q2meTj66sCcXEpFzUefTRzY3jAmM1m+fj4qECBAnwxfA/In33IH5A1jJT+fwgg05jNmXgnMgAAAByO8ztklsx4L1HUAAAAD42cOXPKZDLp7Nmz8vf3z9K5fgzD0M2bN5UjRw7mFLoH5M8+jsqfYRhKTEzU2bNn5eLiIjc3t/u2bQAAAGQ+Nzc3ubi46OTJk/L395ebm5vDz8+5VrDPg3CtQFEDAAA8NFxdXVWoUCGdOHFCR44cydJtGYYhs9ksFxcXTrTvAfmzj6Pz5+XlpcKFC3OXIQAAgJNzcXFRkSJFdOrUKZ08edLR4Uhy/Lmus3N0/jLjWoGiBgAAeKh4e3urePHiunHjRpZuhzmF7EP+7OPI/Lm6uvKrOQAAgAeIm5ubChcurJs3byopKcnR4XCtYKcH4VqBogYAAHjouLq6ytXVNUu3YTablTNnTnl4eHCifQ/In33IHwAAADKTyWRSzpw5lTNnTkeHwrmunR6E/Dln1AAAAAAAAAAA4KFDUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAHlqhoaEymUw2f1FRUZKk+Ph4RUVFyc/PT97e3mrdurVOnz7t4KgBAACAhxdFDQAAAAAPrW3btunUqVOWv7Vr10qS2rZtK0kaPHiwvv76ay1btkwbN27UyZMn1apVK0eGDAAAADzUcjg6AAAAAABwFH9/f6vHEydOVLFixVSnTh3Fxsbqww8/1JIlS1S/fn1J0vz581W6dGlt2bJF1apVc0TIAAAAwEONOzUAAAAAQFJiYqIWL16sbt26yWQyafv27bpx44bCw8MtfUqVKqXChQsrOjragZECAAAADy/u1AAAAAAASV9++aUuXbqkLl26SJJiYmLk5uamPHnyWPULCAhQTExMmutKSEhQQkKC5XFcXJwkyWw2y2w2Z2rc6WYypdhsNplkmEwyp7TcUbE6CbPZLMMwHLdPnRz5sw/5sw/5sw/5sw/5sw/5s092zl96Y6KoAQAAAACSPvzwQz311FMqWLCg3euaMGGCRo8ebdN+9uxZxcfH273+exIcnGKzWVJs/vwyDMP2Vv4zZ7I6KqdmNpsVGxt7K3cuDISQUeTPPuTPPuTPPuTPPuTPPuTPPtk5f5cvX05XP4oaAAAAAB56R48e1bp167RixQpLW2BgoBITE3Xp0iWruzVOnz6twMDANNc3fPhwDRkyxPI4Li5OwcHB8vf3l4+PT6bHny7Hj6fYbDaZZDKZ5H/ihFwMw3phgQL3ITDnZTabb+XO3z/bfSngDMiffciffciffciffciffciffbJz/jw8PNLVj6IGAAAAgIfe/PnzVaBAATVp0sTSVrFiReXMmVPr169X69atJUn79+/XsWPHFBYWlub63N3d5e7ubtPu4uLiuIvHOwsWtzEZhlz+/89KNrvQzY5MJpNj96uTI3/2IX/2IX/2IX/2IX/2IX/2ya75S288FDUAAAAAPNTMZrPmz5+vyMhI5cjx3yWSr6+vunfvriFDhihfvnzy8fFR//79FRYWpmrVqjkwYgAAAODh5dBSTGhoqEz/f6vz7X9RUVGSpPj4eEVFRcnPz0/e3t5q3bq1Tp8+bbWOY8eOqUmTJvLy8lKBAgU0dOhQ3bx506rPjz/+qCeffFLu7u569NFHtWDBAptYZs2apdDQUHl4eKhq1ar69ddfs+x1AwAAAMg+1q1bp2PHjqlbt242y6ZNm6amTZuqdevWql27tgIDA62GqAIAAABwfzm0qLFt2zadOnXK8rd27VpJUtu2bSVJgwcP1tdff61ly5Zp48aNOnnypFq1amV5flJSkpo0aaLExERt3rxZH330kRYsWKARI0ZY+hw+fFhNmjRRvXr1tGvXLg0aNEg9evTQ999/b+nz2WefaciQIRo5cqR27NihJ554QhERETrDpHgAAADAA69Ro0YyDEMlSpSwWebh4aFZs2bpwoULunr1qlasWHHX+TQAAAAAZB2HFjX8/f0VGBho+fvmm29UrFgx1alTR7Gxsfrwww81depU1a9fXxUrVtT8+fO1efNmbdmyRZK0Zs0a7du3T4sXL1b58uX11FNPaezYsZo1a5YSExMlSXPmzFGRIkU0ZcoUlS5dWv369VObNm00bdo0SxxTp05Vz5491bVrV5UpU0Zz5syRl5eX5s2b55C8AAAAAAAAAAAAW9lmTo3ExEQtXrxYQ4YMkclk0vbt23Xjxg2Fh4db+pQqVUqFCxdWdHS0qlWrpujoaJUrV04BAQGWPhEREerbt6/27t2rChUqKDo62modyX0GDRpk2e727ds1fPhwy3IXFxeFh4crOjo61XgTEhKUkJBgeRwXFyfp1ni8ZrPZrlzYxWSyaTKbTDJMJplTWHargwPjdQJms1mGYTh2vzox8mcf8mcf8mcf8mcf8mcf8mef7Jy/7BgTAAAAAOeRbYoaX375pS5duqQuXbpIkmJiYuTm5qY8efJY9QsICFBMTIylz+0FjeTlycvS6hMXF6fr16/r4sWLSkpKSrHPX3/9lWq8EyZM0OjRo23az549q/j4+Lu/4KwSHGzTZJYUmz+/DMNI+dYchtlKk9lsVmxs7K38uTj05ianRP7sQ/7sQ/7sQ/7sQ/7sQ/7sk53zd/nyZUeHAAAAAMCJZZuixocffqinnnpKBQsWdHQo6TJ8+HANGTLE8jguLk7BwcHy9/eXj4+P4wI7ftymyfz/E7D7nzghF8OwfU6BAvchMOdlNptv5c/fP9t9KeAMyJ99yJ99yJ99yJ99yJ99yJ99snP+PDw8HB0CAAAAACeWLYoaR48e1bp167RixQpLW2BgoBITE3Xp0iWruzVOnz5tmZgvMDBQv/76q9W6Tp8+bVmW/N/kttv7+Pj4yNPTU66urnJ1dU2xT1oTALq7u8vd3d2m3cXFxbEXjikVLSSZDEMu//9nI5td6GZHJpPJ8fvWiZE/+5A/+5A/+5A/+5A/+5A/+2TX/GW3eAAAAAA4l2xxRTF//nwVKFBATZo0sbRVrFhROXPm1Pr16y1t+/fv17FjxxQWFiZJCgsL0+7du3XmtuGT1q5dKx8fH5UpU8bS5/Z1JPdJXoebm5sqVqxo1cdsNmv9+vWWPgAAAAAAAAAAwPEcfqeG2WzW/PnzFRkZqRw5/gvH19dX3bt315AhQ5QvXz75+Piof//+CgsLU7Vq1SRJjRo1UpkyZdS5c2dNnjxZMTExeu211xQVFWW5i6JPnz6aOXOmhg0bpm7duumHH37Q0qVLtWrVKsu2hgwZosjISFWqVElVqlTR9OnTdfXqVXXt2vX+JgMAAAAAAAAAAKTK4UWNdevW6dixY+rWrZvNsmnTpsnFxUWtW7dWQkKCIiIiNHv2bMtyV1dXffPNN+rbt6/CwsKUK1cuRUZGasyYMZY+RYoU0apVqzR48GDNmDFDhQoV0gcffKCIiAhLn3bt2uns2bMaMWKEYmJiVL58ea1evdpm8nAAAAAAAAAAAOA4Di9qNGrUSEYq80B4eHho1qxZmjVrVqrPDwkJ0bfffpvmNurWraudO3em2adfv37q16/f3QMGAAAAAAAAAAAOkS3m1AAAAAAAAAAAALgbihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAOCh9u+//+rZZ5+Vn5+fPD09Va5cOf3222+W5YZhaMSIEQoKCpKnp6fCw8N14MABB0YMAAAAPLwoagAAAAB4aF28eFE1atRQzpw59d1332nfvn2aMmWK8ubNa+kzefJkvf3225ozZ462bt2qXLlyKSIiQvHx8Q6MHAAAAHg45XB0AAAAAADgKJMmTVJwcLDmz59vaStSpIjl34ZhaPr06XrttdfUokULSdLChQsVEBCgL7/8Uu3bt7/vMQMAAAAPM+7UAAAAAPDQ+uqrr1SpUiW1bdtWBQoUUIUKFfT+++9blh8+fFgxMTEKDw+3tPn6+qpq1aqKjo52RMgAAADAQ407NQAAAAA8tP755x+9++67GjJkiF555RVt27ZNAwYMkJubmyIjIxUTEyNJCggIsHpeQECAZVlKEhISlJCQYHkcFxcnSTKbzTKbzVnwStLBZEqx2WwyyTCZZE5puaNidRJms1mGYThunzo58mcf8mcf8mcf8mcf8mcf8mef7Jy/9MZEUQMAAADAQ8tsNqtSpUoaP368JKlChQras2eP5syZo8jIyHte74QJEzR69Gib9rNnzzpuLo7g4BSbzZJi8+eXYRi2t/KfOZPVUTk1s9ms2NjYW7lzYSCEjCJ/9iF/9iF/9iF/9iF/9iF/9snO+bt8+XK6+lHUAAAAAPDQCgoKUpkyZazaSpcureXLl0uSAgMDJUmnT59WUFCQpc/p06dVvnz5VNc7fPhwDRkyxPI4Li5OwcHB8vf3l4+PTya+ggw4fjzFZrPJJJPJJP8TJ+RiGNYLCxS4D4E5L7PZfCt3/v7Z7ksBZ0D+7EP+7EP+7EP+7EP+7EP+7JOd8+fh4ZGufhQ1AAAAADy0atSoof3791u1/f333woJCZF0a9LwwMBArV+/3lLEiIuL09atW9W3b99U1+vu7i53d3ebdhcXF8ddPN5ZsLiNyTDk8v9/VrLZhW52ZDKZHLtfnRz5sw/5sw/5sw/5sw/5sw/5s092zV9643F41P/++6+effZZ+fn5ydPTU+XKldNvv/1mWW4YhkaMGKGgoCB5enoqPDxcBw4csFrHhQsX1KlTJ/n4+ChPnjzq3r27rly5YtXnjz/+UK1ateTh4aHg4GBNnjzZJpZly5apVKlS8vDwULly5fTtt99mzYsGAAAAkC0MHjxYW7Zs0fjx43Xw4EEtWbJEc+fOVVRUlKRbF3yDBg3SG2+8oa+++kq7d+/Wc889p4IFC6ply5aODR4AAAB4CDm0qHHx4kXVqFFDOXPm1Hfffad9+/ZpypQpyps3r6XP5MmT9fbbb2vOnDnaunWrcuXKpYiICKtxaDt16qS9e/dq7dq1+uabb/TTTz+pV69eluVxcXFq1KiRQkJCtH37dr355psaNWqU5s6da+mzefNmdejQQd27d9fOnTvVsmVLtWzZUnv27Lk/yQAAAABw31WuXFlffPGFPvnkEz322GMaO3aspk+frk6dOln6DBs2TP3791evXr1UuXJlXblyRatXr0737fEAAAAAMo9Dh5+aNGmSgoODNX/+fEtbkSJFLP82DEPTp0/Xa6+9phYtWkiSFi5cqICAAH355Zdq3769/vzzT61evVrbtm1TpUqVJEnvvPOO/ve//+mtt95SwYIF9fHHHysxMVHz5s2Tm5ubypYtq127dmnq1KmW4seMGTPUuHFjDR06VJI0duxYrV27VjNnztScOXPuV0oAAAAA3GdNmzZV06ZNU11uMpk0ZswYjRkz5j5GBQAAACAlDi1qfPXVV4qIiFDbtm21ceNGPfLII3r++efVs2dPSdLhw4cVExOj8PBwy3N8fX1VtWpVRUdHq3379oqOjlaePHksBQ1JCg8Pl4uLi7Zu3aqnn35a0dHRql27ttzc3Cx9IiIiNGnSJF28eFF58+ZVdHS01UR+yX2+/PLLFGNPSEhQQkKC5XFcXJykWxOtmM1mu3Nzz0wmmyazySTDZJI5hWW3OjgwXidgNptlGIZj96sTI3/2IX/2IX/2IX/2IX/2IX/2yc75y44xAQAAAHAeDi1q/PPPP3r33Xc1ZMgQvfLKK9q2bZsGDBggNzc3RUZGKiYmRpIUEBBg9byAgADLspiYGBUoUMBqeY4cOZQvXz6rPrffAXL7OmNiYpQ3b17FxMSkuZ07TZgwQaNHj7ZpP3v2rNXQWPddcLBNk1lSbP78Mgwj5fHGzpzJ6qicmtlsVmxs7K38ZbPJc5wB+bMP+bMP+bMP+bMP+bMP+bNPds7f5cuXHR0CAAAAACfm0KKG2WxWpUqVNH78eElShQoVtGfPHs2ZM0eRkZGODO2uhg8fbnVnR1xcnIKDg+Xv7y8fHx/HBXb8uE2T2WSSyWSS/4kTcjEM2+fcURSCNbPZfCt//v7Z7ksBZ0D+7EP+7EP+7EP+7EP+7EP+7JOd88c8FAAAAADs4dCiRlBQkMqUKWPVVrp0aS1fvlySFBgYKEk6ffq0goKCLH1Onz6t8uXLW/qcueNOg5s3b+rChQuW5wcGBur06dNWfZIf361P8vI7ubu7y93d3abdxcXFsReOKRUtJJkMQy7//2cjm13oZkcmk8nx+9aJkT/7kD/7kD/7kD/7kD/7kD/7ZNf8Zbd4AAAAADgXh15R1KhRQ/v377dq+/vvvxUSEiLp1qThgYGBWr9+vWV5XFyctm7dqrCwMElSWFiYLl26pO3bt1v6/PDDDzKbzapataqlz08//aQbN25Y+qxdu1YlS5ZU3rx5LX1u305yn+TtAAAAAAAAAAAAx3JoUWPw4MHasmWLxo8fr4MHD2rJkiWaO3euoqKiJN36ddmgQYP0xhtv6KuvvtLu3bv13HPPqWDBgmrZsqWkW3d2NG7cWD179tSvv/6qTZs2qV+/fmrfvr0KFiwoSerYsaPc3NzUvXt37d27V5999plmzJhhNXzUwIEDtXr1ak2ZMkV//fWXRo0apd9++039+vW773kBAAAAAAAAAAC2HDr8VOXKlfXFF19o+PDhGjNmjIoUKaLp06erU6dOlj7Dhg3T1atX1atXL126dEk1a9bU6tWrrcbi/fjjj9WvXz81aNBALi4uat26td5++23Lcl9fX61Zs0ZRUVGqWLGi8ufPrxEjRqhXr16WPtWrV9eSJUv02muv6ZVXXlHx4sX15Zdf6rHHHrs/yQAAAAAAAAAAAGlyaFFDkpo2baqmTZumutxkMmnMmDEaM2ZMqn3y5cunJUuWpLmdxx9/XD///HOafdq2bau2bdumHTAAAAAAAAAAAHAIZukDAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAAAAAAAAADgFihoAAAAAAAAAAMApUNQAAAAAAAAAAABOgaIGAAAAAAAAAABwChQ1AAAAAAAAAACAU6CoAQAAAAAAAAAAnAJFDQAAAAAAAAAA4BQoagAAAAAAAAAAAKdAUQMAAADAQ2vUqFEymUxWf6VKlbIsj4+PV1RUlPz8/OTt7a3WrVvr9OnTDowYAAAAeLhR1AAAAADwUCtbtqxOnTpl+fvll18sywYPHqyvv/5ay5Yt08aNG3Xy5Em1atXKgdECAAAAD7ccjg4AAAAAABwpR44cCgwMtGmPjY3Vhx9+qCVLlqh+/fqSpPnz56t06dLasmWLqlWrdr9DBQAAAB563KkBAAAA4KF24MABFSxYUEWLFlWnTp107NgxSdL27dt148YNhYeHW/qWKlVKhQsXVnR0tKPCBQAAAB5q3KkBAAAA4KFVtWpVLViwQCVLltSpU6c0evRo1apVS3v27FFMTIzc3NyUJ08eq+cEBAQoJiYmzfUmJCQoISHB8jguLk6SZDabZTabM/11pIvJlGKz2WSSYTLJnNJyR8XqJMxmswzDcNw+dXLkzz7kzz7kzz7kzz7kzz7kzz7ZOX/pjYmiBgAAAICH1lNPPWX59+OPP66qVasqJCRES5culaen5z2vd8KECRo9erRN+9mzZxUfH3/P67VLcHCKzWZJsfnzyzAM21v5z5zJ6qicmtlsVmxs7K3cuTAQQkaRP/uQP/uQP/uQP/uQP/uQP/tk5/xdvnw5Xf0cWtQYNWqUzYl+yZIl9ddff0mS4uPj9cILL+jTTz9VQkKCIiIiNHv2bAUEBFj6Hzt2TH379tWGDRvk7e2tyMhITZgwQTly/PfSfvzxRw0ZMkR79+5VcHCwXnvtNXXp0sVqu7NmzdKbb76pmJgYPfHEE3rnnXdUpUqVrHvxAAAAALKdPHnyqESJEjp48KAaNmyoxMREXbp0yepujdOnT6c4B8fthg8friFDhlgex8XFKTg4WP7+/vLx8cmq8NN2/HiKzWaTSSaTSf4nTsjFMKwXFihwHwJzXmaz+Vbu/P2z3ZcCzoD82Yf82Yf82Yf82Yf82Yf82Sc758/DwyNd/Rx+p0bZsmW1bt06y+PbixGDBw/WqlWrtGzZMvn6+qpfv35q1aqVNm3aJElKSkpSkyZNFBgYqM2bN+vUqVN67rnnlDNnTo0fP16SdPjwYTVp0kR9+vTRxx9/rPXr16tHjx4KCgpSRESEJOmzzz7TkCFDNGfOHFWtWlXTp09XRESE9u/frwKcxAMAAAAPjStXrujQoUPq3LmzKlasqJw5c2r9+vVq3bq1JGn//v06duyYwsLC0lyPu7u73N3dbdpdXFwcd/F4Z8HiNibDkMv//1nJZhe62ZHJZHLsfnVy5M8+5M8+5M8+5M8+5M8+5M8+2TV/6Y3H4UWNHDlypPgrp9jYWH344YdasmSJ6tevL0maP3++SpcurS1btqhatWpas2aN9u3bp3Xr1ikgIEDly5fX2LFj9dJLL2nUqFFyc3PTnDlzVKRIEU2ZMkWSVLp0af3yyy+aNm2apagxdepU9ezZU127dpUkzZkzR6tWrdK8efP08ssv36dMAAAAALjfXnzxRTVr1kwhISE6efKkRo4cKVdXV3Xo0EG+vr7q3r27hgwZonz58snHx0f9+/dXWFiYqlWr5ujQAQAAgIeSw0sxBw4cUMGCBVW0aFF16tRJx44dkyRt375dN27cUHh4uKVvqVKlVLhwYUVHR0uSoqOjVa5cOavhqCIiIhQXF6e9e/da+ty+juQ+yetITEzU9u3brfq4uLgoPDzc0gcAAADAg+nEiRPq0KGDSpYsqWeeeUZ+fn7asmWL/P39JUnTpk1T06ZN1bp1a9WuXVuBgYFasWKFg6MGAAAAHl4OvVOjatWqWrBggUqWLKlTp05p9OjRqlWrlvbs2aOYmBi5ublZjV0rSQEBAYqJiZEkxcTEWBU0kpcnL0urT1xcnK5fv66LFy8qKSkpxT7Jc3ukJCEhQQkJCZbHcXFxkm6NSebQmeNNJpsms8kkw2SSOYVltzpkv5nusxOz2SzDMBy7X50Y+bMP+bMP+bMP+bMP+bMP+bNPds5fdovp008/TXO5h4eHZs2apVmzZt2niAAAAACkxaFFjaeeesry78cff1xVq1ZVSEiIli5dKk9PTwdGdncTJkywmeRcks6ePav4+HgHRPT/goNtmsySYvPnvzWjfUrPOXMmq6NyamazWbGxsbfyl83GmXMG5M8+5M8+5M8+5M8+5M8+5M8+2Tl/ly9fdnQIAAAAAJyYw+fUuF2ePHlUokQJHTx4UA0bNlRiYqIuXbpkdbfG6dOnLXNwBAYG6tdff7Vax+nTpy3Lkv+b3HZ7Hx8fH3l6esrV1VWurq4p9klpro9kw4cP15AhQyyP4+LiFBwcLH9/f/n4+GT8xWeW48dtmswm060Z7U+csJ34T5KYDD1NZrP5Vv78/bPdlwLOgPzZh/zZh/zZh/zZh/zZh/zZJzvnz8PDw9EhAAAAAHBi2aqoceXKFR06dEidO3dWxYoVlTNnTq1fv16tW7eWJO3fv1/Hjh1TWFiYJCksLEzjxo3TmTNnVOD/v5hfu3atfHx8VKZMGUufb7/91mo7a9eutazDzc1NFStW1Pr169WyZUtJty4C169fr379+qUaq7u7u9zd3W3aHT5rfEpFC0kmw5DL///ZyGYXutmRyWRy/L51YuTPPuTPPuTPPuTPPuTPPuTPPtk1f9ktHgAAAADOxaFXFC+++KI2btyoI0eOaPPmzXr66afl6uqqDh06yNfXV927d9eQIUO0YcMGbd++XV27dlVYWJiqVasmSWrUqJHKlCmjzp076/fff9f333+v1157TVFRUZaCQ58+ffTPP/9o2LBh+uuvvzR79mwtXbpUgwcPtsQxZMgQvf/++/roo4/0559/qm/fvrp69aq6du3qkLwAAAAAAAAAAABbDr1T48SJE+rQoYPOnz8vf39/1axZU1u2bJG/v78kadq0aXJxcVHr1q2VkJCgiIgIzZ492/J8V1dXffPNN+rbt6/CwsKUK1cuRUZGasyYMZY+RYoU0apVqzR48GDNmDFDhQoV0gcffKCIiAhLn3bt2uns2bMaMWKEYmJiVL58ea1evdpm8nAAAAAAAAAAAOA4Di1qfPrpp2ku9/Dw0KxZszRr1qxU+4SEhNgML3WnunXraufOnWn26devX5rDTQEAAAAAAAAAAMdiQFsAAAAAAAAAAOAUKGoAAAAAAAAAAACnQFEDAAAAAAAAAAA4BYoaAAAAAAAAAADAKVDUAAAAAAAAAAAAToGiBgAAAAAAAAAAcAoUNQAAAAAAAAAAgFOgqAEAAAAAAAAAAJwCRQ0AAAAAAAAAAOAUcjg6AAAAAADIqISEBG3dulVHjx7VtWvX5O/vrwoVKqhIkSKODg0AAABAFqKoAQAAAMBpbNq0STNmzNDXX3+tGzduyNfXV56enrpw4YISEhJUtGhR9erVS3369FHu3LkdHS4AAACATMbwUwAAAACcQvPmzdWuXTuFhoZqzZo1unz5ss6fP68TJ07o2rVrOnDggF577TWtX79eJUqU0Nq1ax0dMgAAAIBMluGixsKFC5WQkGDTnpiYqIULF2ZKUAAAAABwpyZNmujw4cOaPHmyatWqJU9PT6vlRYsWVWRkpFavXq3169fLxYXfcAEAAAAPmgyf5Xft2lWxsbE27ZcvX1bXrl0zJSgAAAAAuFPv3r2VM2fOdPUtU6aMGjRokMURAQAAALjfMjynhmEYMplMNu0nTpyQr69vpgQFAAAAAOm1Z88ebdy4UUlJSapRo4YqVqzo6JAAAAAAZJF0FzUqVKggk8kkk8mkBg0aKEeO/56alJSkw4cPq3HjxlkSJAAAAACkZNasWRozZozq1KmjGzdu6PXXX9ewYcP06quvOjo0AAAAAFkg3UWNli1bSpJ27dqliIgIeXt7W5a5ubkpNDRUrVu3zvQAAQAAACDZ8ePHFRwcbHk8c+ZM7d27V/nz55ckRUdHq3nz5hQ1AAAAgAdUuosaI0eOlCSFhoaqXbt28vDwyLKgAAAAACAl4eHhev755zVgwACZTCb5+flp9erVatu2rRITE7Vu3Tr5+/s7OkwAAAAAWSTDE4VHRkbKw8NDiYmJOnHihI4dO2b1BwAAAABZZdu2bdq/f7+qVq2qXbt2ae7cuZo2bZo8PT2VJ08effbZZ/roo48cHSYAAACALJLhicIPHDigbt26afPmzVbtyROIJyUlZVpwAAAAAHA7Hx8fzZ49W5s3b1aXLl1Uv359/fzzz0pKSlJSUpLy5Mnj6BABAAAAZKEMFzW6dOmiHDly6JtvvlFQUJBMJlNWxAUAAAAAqapevbp+++03TZgwQRUqVNDUqVPVpEkTR4cFAAAAIItluKixa9cubd++XaVKlcqKeAAAAAAgVTdv3tTcuXP1559/6oknntArr7yidu3aqU+fPlqwYIFmzpypgIAAR4cJAAAAIItkeE6NMmXK6Ny5c1kRCwAAAACkqXv37po5c6Zy5cql+fPna/DgwSpRooR++OEHNW7cWGFhYXr33XcdHSYAAACALJLhosakSZM0bNgw/fjjjzp//rzi4uKs/gAAAAAgq6xcuVLLly/XxIkTtXbtWq1atcqyrHv37tqyZYt+/vlnB0YIAAAAICtlePip8PBwSVKDBg2s2pkoHAAAAEBWCwgI0Jo1a1SsWDH98MMP8vPzs1peoEABLVmyxEHRAQAAAMhqGS5qbNiwISviAAAAAIC7mjlzpjp16qQhQ4YoKChIS5cudXRIAAAAAO6jDBc16tSpkxVxAAAAAMBdNWzYUKdPn9a5c+fk7+/v6HAAAAAA3GcZLmr89NNPaS6vXbv2PQcDAAAAAHdjMpkoaAAAAAAPqQwXNerWrWvTZjKZLP9mTg0AAAAAWaFx48YaNWqUqlWrlma/y5cva/bs2fL29lZUVNR9ig4AAADA/ZDhosbFixetHt+4cUM7d+7U66+/rnHjxmVaYAAAAABwu7Zt26p169by9fVVs2bNVKlSJRUsWFAeHh66ePGi9u3bp19++UXffvutmjRpojfffNPRIQMAAADIZBkuavj6+tq0NWzYUG5ubhoyZIi2b9+eKYEBAAAAwO26d++uZ599VsuWLdNnn32muXPnKjY2VtKtu8fLlCmjiIgIbdu2TaVLl3ZwtAAAAACyQoaLGqkJCAjQ/v37M2t1AAAAAGDD3d1dzz77rJ599llJUmxsrK5fvy4/Pz/lzJnTwdEBAAAAyGoZLmr88ccfVo8Nw9CpU6c0ceJElS9fPrPiAgAAAIC78vX1TfFucgAAAAAPpgwXNcqXLy+TySTDMKzaq1Wrpnnz5mVaYAAAAAAAAAAAALfLcFHj8OHDVo9dXFzk7+8vDw+PTAsKAAAAAAAAAADgThkuaoSEhGRFHAAAAAAAAAAAAGlyuZcnbdy4Uc2aNdOjjz6qRx99VM2bN9fPP/+c2bEBAAAAAAAAAABYZLiosXjxYoWHh8vLy0sDBgzQgAED5OnpqQYNGmjJkiVZESMAAAAA2Lh06ZI++OADDR8+XBcuXJAk7dixQ//++6+DIwMAAACQVTI8/NS4ceM0efJkDR482NI2YMAATZ06VWPHjlXHjh0zNUAAAAAAuNMff/yh8PBw+fr66siRI+rZs6fy5cunFStW6NixY1q4cKGjQwQAAACQBTJ8p8Y///yjZs2a2bQ3b97cZhJxAAAAAMgKQ4YMUZcuXXTgwAF5eHhY2v/3v//pp59+cmBkAAAAALJShosawcHBWr9+vU37unXrFBwcnClBAQAAAEBatm3bpt69e9u0P/LII4qJiXFARAAAAADuhwwPP/XCCy9owIAB2rVrl6pXry5J2rRpkxYsWKAZM2ZkeoAAAAAAcCd3d3fFxcXZtP/999/y9/d3QEQAAAAA7ocMFzX69u2rwMBATZkyRUuXLpUklS5dWp999platGiR6QECAAAAwJ2aN2+uMWPGWK5JTCaTjh07ppdeekmtW7d2cHQAAAAAskqGixqS9PTTT+vpp5/O7FgAAAAAIF2mTJmiNm3aqECBArp+/brq1KmjmJgYhYWFady4cY4ODwAAAEAWSXdR4+LFi1q8eLEiIyPl4+NjtSw2NlYLFy5McRkAAAAAZDZfX1+tXbtWv/zyi/744w9duXJFTz75pMLDwx0dGgAAAIAslO6ixsyZM/XHH3+of//+Nst8fX31888/Ky4uTq+++mqmBggAAAAAqalZs6Zq1qzp6DAAAAAA3CfpLmosX75cU6ZMSXV579699eKLL1LUAAAAAJDl3n777RTbTSaTPDw89Oijj6p27dpydXW9z5EBAAAAyErpLmocOnRIxYsXT3V58eLFdejQoUwJCgAAAADSMm3aNJ09e1bXrl1T3rx5Jd0aMtfLy0ve3t46c+aMihYtqg0bNig4ONjB0QIAAADILC7p7ejq6qqTJ0+muvzkyZNycUn36gAAAADgno0fP16VK1fWgQMHdP78eZ0/f15///23qlatqhkzZujYsWMKDAzU4MGDM7TeiRMnymQyadCgQZa2+Ph4RUVFyc/PT97e3mrdurVOnz6dya8IAAAAQHqkuwpRoUIFffnll6ku/+KLL1ShQoXMiAkAAAAA0vTaa69p2rRpKlasmKXt0Ucf1VtvvaXhw4erUKFCmjx5sjZt2pTudW7btk3vvfeeHn/8cav2wYMH6+uvv9ayZcu0ceNGnTx5Uq1atcq01wIAAAAg/dJd1OjXr5+mTJmimTNnKikpydKelJSkd955R9OmTVNUVFSWBAkAAAAAtzt16pRu3rxp037z5k3FxMRIkgoWLKjLly+na31XrlxRp06d9P7771uGs5Kk2NhYffjhh5o6darq16+vihUrav78+dq8ebO2bNmSOS8GAAAAQLqlu6jRunVrDRs2TAMGDFC+fPlUoUIFVahQQfny5dOgQYM0ZMgQtWnTJitjBQAAAABJUr169dS7d2/t3LnT0rZz50717dtX9evXlyTt3r1bRYoUSdf6oqKi1KRJE4WHh1u1b9++XTdu3LBqL1WqlAoXLqzo6OhMeCUAAAAAMiLdE4VL0rhx49SiRQt9/PHHOnjwoAzDUJ06ddSxY0dVqVIlq2IEAAAAACsffvihOnfurIoVKypnzpySbt2l0aBBA3344YeSJG9vb02ZMuWu6/r000+1Y8cObdu2zWZZTEyM3NzclCdPHqv2gIAAyx0hKUlISFBCQoLlcVxcnCTJbDbLbDbfNaYsYTKl2Gw2mWSYTDKntNxRsToJs9kswzAct0+dHPmzD/mzD/mzD/mzD/mzD/mzT3bOX3pjylBRQ5KqVKmSJQWMiRMnavjw4Ro4cKCmT58u6daEfC+88II+/fRTJSQkKCIiQrNnz1ZAQIDleceOHVPfvn21YcMGeXt7KzIyUhMmTFCOHP+9tB9//FFDhgzR3r17FRwcrNdee01dunSx2v6sWbP05ptvKiYmRk888YTeeecdCjUAAABANhUYGKi1a9fqr7/+0t9//y1JKlmypEqWLGnpU69evbuu5/jx4xo4cKDWrl0rDw+PTItvwoQJGj16tE372bNnFR8fn2nbyZDg4BSbzZJi8+eXYRi2t/KfOZPVUTk1s9ms2NjYW7lzSfdACPh/5M8+5M8+5M8+5M8+5M8+5M8+2Tl/6R06NsNFjayQ1oR8q1at0rJly+Tr66t+/fqpVatWlsn+kpKS1KRJEwUGBmrz5s06deqUnnvuOeXMmVPjx4+XJB0+fFhNmjRRnz599PHHH2v9+vXq0aOHgoKCFBERIUn67LPPNGTIEM35v/buPDyKMt37+K87G0tIWJPAACEsIyACCgIZRVE4hGUQhFdxJSKjI5MoEJVlXMEFxZHFEWUUxeMcEcXBUcEBMQqKBhcEWeUIgxM8EIJCEgiQQKreP0I66aQ76U4l6S74fq6Li+6qp6vvvrv6ST19dz21aJH69u2r+fPnKykpSbt371ZMTEzdJgMAAACAzzp37qzOnTtX+/GbNm1Sdna2LrnkEteyoqIiffbZZ3r++ee1Zs0aFRYWKicnx+1sjUOHDikuLs7rdmfMmKG0tDTX/by8PLVp00YtWrRQVFRUteO1ZP9+j4sNh0MOh0Mtfv5ZTtN0X8l4qFKGYRTnrkWLoPtSwA7InzXkzxryZw35s4b8WUP+rAnm/Pn6I6OAFzXKXpDv8ccfdy0vuSDf0qVLXXPiLlmyRF26dNHGjRvVr18/ffTRR9q5c6c+/vhjxcbGqmfPnnrsscc0bdo0PfroowoPD9eiRYuUkJDgOu28S5cu2rBhg+bNm+cqasydO1d33HGHxo8fL0latGiRVq1apVdffVXTp0+v44wAAAAA8MXPP/+s999/X5mZmSosLHRbN3fuXJ+2MXDgQG3bts1t2fjx49W5c2dNmzZNbdq0UVhYmNLT0zVmzBhJ0u7du5WZmanExESv242IiFBERESF5U6nM3CDx/IFizIcpinn2X9ugmygG4wcDkdg31ebI3/WkD9ryJ815M8a8mcN+bMmWPPnazwBL2qUvSBf2aJGVRfk69evnzIyMnTRRRe5TUeVlJSkiRMnaseOHbr44ouVkZFR4WJ/SUlJmjx5siSpsLBQmzZt0owZM1zrnU6nBg0axIX/AAAAgCCVnp6ua665Ru3bt9cPP/ygbt266aeffpJpmm5nXVSlUaNG6tatm9uyhg0bqlmzZq7lEyZMUFpampo2baqoqCjdfffdSkxMVL9+/Wr0NQEAAACoWkCLGlYvyJeVleVW0ChZX7KusjZ5eXk6efKkjh49qqKiIo9tfvjhB6+xB+WF/ySPF/+r9MJ/Ehf/q0IwXzzHDsifNeTPGvJnDfmzhvxZQ/6sCeb81VRMM2bM0H333aeZM2eqUaNG+sc//qGYmBjdfPPNGjJkSI08R4l58+bJ6XRqzJgxbtf6AwAAAFD3qlXUOHPmjNatW6e9e/fqpptuUqNGjXTgwAFFRUUpMjLSp23U1gX56kpQXvhP8njxv0ov/Cdx8b8qBPPFc+yA/FlD/qwhf9aQP2vInzXkz5pgzp+vF/+ryq5du/Tmm29KkkJDQ3Xy5ElFRkZq1qxZGjlypCZOnFjtba9bt87tfr169bRw4UItXLjQSsgAAAAAaoDfRY3//Oc/GjJkiDIzM1VQUKD/+q//UqNGjfT000+roKBAixYt8mk7NXFBvri4OH399ddu2z106JBrXcn/JcvKtomKilL9+vUVEhKikJAQj21sd+E/yePF/yq98J/Exf+qEMwXz7ED8mcN+bOG/FlD/qwhf9aQP2uCOX819YOmhg0buq6j0bJlS+3du1cXXnihJOmXX36pkecAAAAAEHz8LmpMmjRJvXv31vfff69mzZq5ll977bW64447fN5OTVyQLzExUU888YSys7MVc/aL+bVr1yoqKkpdu3Z1tfnwww/dnmft2rWubYSHh6tXr15KT0/XqFGjJBUPAtPT05Wamuo1/qC88J/k9eJ/Xi/8J3HxPx8E68Vz7IL8WUP+rCF/1pA/a8ifNeTPmmDNX03F069fP23YsEFdunTRsGHDdO+992rbtm1asWIF17oAAAAAzmF+FzU+//xzffnllwoPD3db3q5dO/3f//2fz9upiQvyDR48WF27dtWtt96qOXPmKCsrSw8++KBSUlJcBYe77rpLzz//vKZOnarbb79dn3zyid5++22tWrXK9bxpaWlKTk5W79691adPH82fP1/5+fkaP368v+kBAAAAUAfmzp2r48ePS5Jmzpyp48eP66233lKnTp00d+7cAEcHAAAAoLb4XdQwDENFRUUVlv/8889q1KhRjQRVoqoL8oWEhGjlypWaOHGiEhMT1bBhQyUnJ2vWrFmuNgkJCVq1apWmTJmiBQsWqHXr1lq8eLGSkpJcbcaOHavDhw/r4YcfVlZWlnr27KnVq1dXuHg4AAAAgODQvn171+2GDRv6PA0uAAAAAHvzu6gxePBgzZ8/Xy+99JKk4tPajx8/rkceeUTDhg2zFEx1LsgXHx9fYXqp8gYMGKDNmzdX2iY1NbXS6aYAAAAABI/27dvrm2++cZsSV5JycnJ0ySWX6N///neAIgMAAABQm/wuajz77LNKSkpS165dderUKd1000368ccf1bx5c7355pu1ESMAAAAAuPnpp588nkFeUFDg17S4AAAAAOzF76JG69at9f3332vZsmXaunWrjh8/rgkTJujmm29W/fr1ayNGAAAAAJAkvf/++67ba9asUXR0tOt+UVGR0tPT1a5duwBEBgAAAKAu+F3UkKTQ0FDdcsstNR0LAAAAAFRq1KhRkoqnwU1OTnZbFxYWpnbt2unZZ58NQGQAAAAA6oJPRY2yv4aqyjXXXFPtYAAAAACgMoZhSJISEhL0zTffqHnz5gGOCAAAAEBd8qmoUfJrqKo4HA6P89oCAAAAQE3at29foEMAAAAAEAA+FTVKfg0FAAAAAMEiPT1d6enpys7OrjBmefXVVwMUFQAAAIDaVK1ragAAAABAIM2cOVOzZs1S79691bJlSzkcjkCHBAAAAKAOVKuokZ6ernnz5mnXrl2SpC5dumjy5MkaNGhQjQYHAAAAAJ4sWrRIr732mm699dZAhwIAAACgDjn9fcALL7ygIUOGqFGjRpo0aZImTZqkqKgoDRs2TAsXLqyNGAEAAADATWFhoX73u98FOgwAAAAAdczvMzWefPJJzZs3T6mpqa5l99xzjy677DI9+eSTSklJqdEAAQAAAKC8P/zhD1q6dKkeeuihQIcCAAAAoA75XdTIycnRkCFDKiwfPHiwpk2bViNBAQAAAEBlTp06pZdeekkff/yxunfvrrCwMLf1c+fODVBkAAAAAGqT30WNa665Ru+++67uv/9+t+Xvvfeefv/739dYYAAAAADgzdatW9WzZ09J0vbt293WcdFwAAAA4Nzld1Gja9eueuKJJ7Ru3TolJiZKkjZu3KgvvvhC9957r5577jlX23vuuafmIgUAAACAsz799NNAhwAAAAAgAPwuarzyyitq0qSJdu7cqZ07d7qWN27cWK+88orrvsPhoKgBAAAAoFbt2bNHe/fu1RVXXKH69evLNE3O1AAAAADOYX4XNfbt21cbcQAAAACAz3799Vddf/31+vTTT+VwOPTjjz+qffv2mjBhgpo0aaJnn3020CECAAAAqAXOQAcAAAAAAP6aMmWKwsLClJmZqQYNGriWjx07VqtXrw5gZAAAAABqk99napimqXfeeUeffvqpsrOzZRiG2/oVK1bUWHAAAAAA4MlHH32kNWvWqHXr1m7LO3XqpP/85z8BigoAAABAbfO7qDF58mT97W9/01VXXaXY2FjmqwUAAABQ5/Lz893O0Chx5MgRRUREBCAiAAAAAHXB76LG3//+d61YsULDhg2rjXgAAAAAoEr9+/fX66+/rscee0yS5HA4ZBiG5syZo6uuuirA0QEAAACoLX4XNaKjo9W+ffvaiAUAAAAAfDJnzhwNHDhQ3377rQoLCzV16lTt2LFDR44c0RdffBHo8AAAAADUEr8vFP7oo49q5syZOnnyZG3EAwAAAABV6tatm/73f/9Xl19+uUaOHKn8/HyNHj1amzdvVocOHQIdHgAAAIBa4veZGtdff73efPNNxcTEqF27dgoLC3Nb/91339VYcAAAAADgTXR0tB544IFAhwEAAACgDvld1EhOTtamTZt0yy23cKFwAAAAAAGxZMkSRUZG6rrrrnNbvnz5cp04cULJyckBigwAAABAbfK7qLFq1SqtWbNGl19+eW3EAwAAAABVmj17tv72t79VWB4TE6M777yTogYAAABwjvL7mhpt2rRRVFRUbcQCAAAAAD7JzMxUQkJCheXx8fHKzMwMQEQAAAAA6oLfRY1nn31WU6dO1U8//VQL4QAAAABA1WJiYrR169YKy7///ns1a9YsABEBAAAAqAt+Tz91yy236MSJE+rQoYMaNGhQ4ULhR44cqbHgAAAAAMCTG2+8Uffcc48aNWqkK664QpK0fv16TZo0STfccEOAowMAAABQW/wuasyfP78WwgAAAAAA3z322GP66aefNHDgQIWGFg9rDMPQuHHj9OSTTwY4OgAAAAC1xe+iBhfcAwAAABBIpmkqKytLr732mh5//HFt2bJF9evX10UXXaT4+PhAhwcAAACgFvld1Cjr1KlTKiwsdFvGRcQBAAAA1CbTNNWxY0ft2LFDnTp1UqdOnQIdEgAAAIA64veFwvPz85WamqqYmBg1bNhQTZo0cfsHAAAAALXJ6XSqU6dO+vXXXwMdCgAAAIA65ndRY+rUqfrkk0/04osvKiIiQosXL9bMmTPVqlUrvf7667URIwAAAAC4eeqpp3T//fdr+/btgQ4FAAAAQB3ye/qpDz74QK+//roGDBig8ePHq3///urYsaPi4+P1xhtv6Oabb66NOAEAAADAZdy4cTpx4oR69Oih8PBw1a9f3239kSNHAhQZAAAAgNrkd1HjyJEjat++vaTi62eUDBYuv/xyTZw4sWajAwAAAAAP5s+fH+gQAAAAAASA30WN9u3ba9++fWrbtq06d+6st99+W3369NEHH3ygxo0b10KIAAAAAOAuOTk50CEAAAAACAC/r6kxfvx4ff/995Kk6dOna+HChapXr56mTJmi+++/v8YDBAAAAABP9u7dqwcffFA33nijsrOzJUn/+te/tGPHjgBHBgAAAKC2+H2mxpQpU1y3Bw0apF27dum7775Tx44d1b179xoNDgAAAAA8Wb9+vYYOHarLLrtMn332mZ544gnFxMTo+++/1yuvvKJ33nkn0CECAAAAqAV+n6lRXrt27TR69GgKGgAAAADqzPTp0/X4449r7dq1Cg8Pdy2/+uqrtXHjxgBGBgAAAKA2+VzUyMjI0MqVK92Wvf7660pISFBMTIzuvPNOFRQU1HiAAAAAAFDetm3bdO2111ZYHhMTo19++SUAEQEAAACoCz4XNWbNmuU2N+22bds0YcIEDRo0SNOnT9cHH3yg2bNn10qQAAAAAFBW48aNdfDgwQrLN2/erN/85jcBiAgAAABAXfC5qLFlyxYNHDjQdX/ZsmXq27evXn75ZaWlpem5557T22+/XStBAgAAAEBZN9xwg6ZNm6asrCw5HA4ZhqEvvvhC9913n8aNGxfo8AAAAADUEp+LGkePHlVsbKzrfsmF+Upceuml2r9/f81GBwAAAAAePPnkk+rcubPatGmj48ePq2vXrrriiiv0u9/9Tg8++GCgwwMAAABQS3wuasTGxmrfvn2SpMLCQn333Xfq16+fa/2xY8cUFhZW8xECAAAAQDnh4eF6+eWX9e9//1srV67U//zP/+iHH37Q3//+d4WEhAQ6PAAAAAC1JNTXhsOGDdP06dP19NNP65///KcaNGig/v37u9Zv3bpVHTp0qJUgAQAAAECSDMPQM888o/fff1+FhYUaOHCgHnnkEdWvXz/QoQEAAACoAz6fqfHYY48pNDRUV155pV5++WW9/PLLCg8Pd61/9dVXNXjw4FoJEgAAAAAk6YknntCf//xnRUZG6je/+Y0WLFiglJSUQIcFAAAAoI74fKZG8+bN9dlnnyk3N1eRkZEVTulevny5IiMjazxAAAAAACjx+uuv64UXXtAf//hHSdLHH3+s4cOHa/HixXI6ff7NFgAAAACb8vuoPzo62uMctU2bNnU7cwMAAAAAalpmZqaGDRvmuj9o0CA5HA4dOHAggFEBAAAAqCv8lAkAAACAbZw5c0b16tVzWxYWFqbTp08HKCIAAAAAdcnn6acAAAAAINBM09Rtt92miIgI17JTp07prrvuUsOGDV3LVqxYEYjwAAAAANQyztQAAAAAYBvJycmKiYlRdHS0698tt9yiVq1auS3z1Ysvvqju3bsrKipKUVFRSkxM1L/+9S/X+lOnTiklJUXNmjVTZGSkxowZo0OHDtXGSwMAAADgA87UAAAAAGAbS5YsqdHttW7dWk899ZQ6deok0zT13//93xo5cqQ2b96sCy+8UFOmTNGqVau0fPlyRUdHKzU1VaNHj9YXX3xRo3EAAAAA8A1FDQAAAADnrREjRrjdf+KJJ/Tiiy9q48aNat26tV555RUtXbpUV199taTiokqXLl20ceNG9evXLxAhAwAAAOc1pp8CAAAAAElFRUVatmyZ8vPzlZiYqE2bNun06dMaNGiQq03nzp3Vtm1bZWRkBDBSAAAA4PwV0DM1XnzxRb344ov66aefJEkXXnihHn74YQ0dOlRS8fy19957r5YtW6aCggIlJSXphRdeUGxsrGsbmZmZmjhxoj799FNFRkYqOTlZs2fPVmho6Utbt26d0tLStGPHDrVp00YPPvigbrvtNrdYFi5cqGeeeUZZWVnq0aOH/vrXv6pPnz61ngMAAAAAgbVt2zYlJibq1KlTioyM1LvvvquuXbtqy5YtCg8PV+PGjd3ax8bGKisrq9JtFhQUqKCgwHU/Ly9PkmQYhgzDqPHX4BOHw+Niw+GQ6XDI8LQ+ULHahGEYMk0zcO+pzZE/a8ifNeTPGvJnDfmzhvxZE8z58zWmgBY1rM5fW1RUpOHDhysuLk5ffvmlDh48qHHjxiksLExPPvmkJGnfvn0aPny47rrrLr3xxhtKT0/XH/7wB7Vs2VJJSUmSpLfeektpaWlatGiR+vbtq/nz5yspKUm7d+9WTExMwPIDAAAAoPZdcMEF2rJli3Jzc/XOO+8oOTlZ69evt7TN2bNna+bMmRWWHz58WKdOnbK07Wpr08bjYkNSbvPmMk2z4qn82dm1HZWtGYah3Nzc4tw5mQjBX+TPGvJnDfmzhvxZQ/6sIX/WBHP+jh075lO7gBY1rM5f+9FHH2nnzp36+OOPFRsbq549e+qxxx7TtGnT9Oijjyo8PFyLFi1SQkKCnn32WUlSly5dtGHDBs2bN89V1Jg7d67uuOMOjR8/XpK0aNEirVq1Sq+++qqmT59ehxkBAAAAUNfCw8PVsWNHSVKvXr30zTffaMGCBRo7dqwKCwuVk5PjdrbGoUOHFBcXV+k2Z8yYobS0NNf9vLw8tWnTRi1atFBUVFStvI4q7d/vcbHhcMjhcKjFzz/LaZruK/mRV6UMwyjOXYsWQfelgB2QP2vInzXkzxryZw35s4b8WRPM+atXr55P7YLmQuFFRUVavny5z/PX9uvXTxkZGbrooovcpqNKSkrSxIkTtWPHDl188cXKyMhw20ZJm8mTJ0uSCgsLtWnTJs2YMcO13ul0atCgQZXOkxuUp5NLHk8pr/R0colTyqsQzKdk2QH5s4b8WUP+rCF/1pA/a8ifNcGcv2CMqTzDMFRQUKBevXopLCxM6enpGjNmjCRp9+7dyszMVGJiYqXbiIiIUERERIXlTqczcIPH8gWLMhymKefZf26CbKAbjBwOR2DfV5sjf9aQP2vInzXkzxryZw35syZY8+drPAEvaliZvzYrK8utoFGyvmRdZW3y8vJ08uRJHT16VEVFRR7b/PDDD17jDsrTySWPp5RXejq5xCnlVQjmU7LsgPxZQ/6sIX/WkD9ryJ815M+aYM6fr6eU15UZM2Zo6NChatu2rY4dO6alS5dq3bp1WrNmjaKjozVhwgSlpaWpadOmioqK0t13363ExET169cv0KEDAAAA56WAFzVqY/7auhCUp5NLHk8pr/R0colTyqsQzKdk2QH5s4b8WUP+rCF/1pA/a8ifNcGcP19PKa8r2dnZGjdunA4ePKjo6Gh1795da9as0X/9139JkubNmyen06kxY8aooKBASUlJeuGFFwIcNQAAAHD+CnhRw8r8tXFxcfr666/dtnfo0CHXupL/S5aVbRMVFaX69esrJCREISEhHttUNk9uUJ5OLnk9pdzr6eQSp5T7IFhPybIL8mcN+bOG/FlD/qwhf9aQP2uCNX/BFs8rr7xS6fp69epp4cKFWrhwYR1FBAAAAKAywTWikOf5a0uUn782MTFR27ZtU3aZ6ZPWrl2rqKgode3a1dWm7DZK2pRsIzw8XL169XJrYxiG0tPTq5wnFwAAAAAAAAAA1J2Anqlhdf7awYMHq2vXrrr11ls1Z84cZWVl6cEHH1RKSorrLIq77rpLzz//vKZOnarbb79dn3zyid5++22tWrXKFUdaWpqSk5PVu3dv9enTR/Pnz1d+fr7Gjx8fkLwAAAAAAAAAAICKAlrUsDp/bUhIiFauXKmJEycqMTFRDRs2VHJysmbNmuVqk5CQoFWrVmnKlClasGCBWrdurcWLFyspKcnVZuzYsTp8+LAefvhhZWVlqWfPnlq9enWFi4cDAAAAAAAAAIDACWhRoybmr42Pj9eHH35Y6XYGDBigzZs3V9omNTVVqamplbYBAAAAAAAAAACBE3TX1AAAAAAAAAAAAPCEogYAAAAAAAAAALAFihoAAAAAAAAAAMAWKGoAAAAAAAAAAABboKgBAAAAAAAAAABsgaIGAAAAAAAAAACwBYoaAAAAAAAAAADAFihqAAAAAAAAAAAAW6CoAQAAAAAAAAAAbIGiBgAAAAAAAAAAsAWKGgAAAAAAAAAAwBYoagAAAAAAAAAAAFugqAEAAAAAAAAAAGyBogYAAAAAAAAAALAFihoAAAAAAAAAAMAWKGoAAAAAAAAAAABboKgBAAAAAAAAAABsgaIGAAAAAAAAAACwBYoaAAAAAAAAAADAFihqAAAAAAAAAAAAW6CoAQAAAAAAAAAAbIGiBgAAAAAAAAAAsAWKGgAAAAAAAAAAwBYoagAAAAAAAAAAAFugqAEAAAAAAAAAAGyBogYAAAAAAAAAALAFihoAAAAAAAAAAMAWKGoAAAAAAAAAAABboKgBAAAAAAAAAABsgaIGAAAAAAAAAACwBYoaAAAAAAAAAADAFihqAAAAAAAAAAAAW6CoAQAAAAAAAAAAbIGiBgAAAAAAAAAAsAWKGgAAAAAAAAAAwBYoagAAAAAAAAAAAFugqAEAAAAAAAAAAGyBogYAAAAAAAAAALAFihoAAAAAAAAAAMAWKGoAAAAAAAAAAABboKgBAAAAAAAAAABsgaIGAAAAAAAAAACwBYoaAAAAAAAAAADAFihqAAAAAAAAAAAAW6CoAQAAAAAAAAAAbIGiBgAAAAAAAAAAsAWKGgAAAAAAAAAAwBYoagAAAAAAAAAAAFugqAEAAAAAAAAAAGyBogYAAAAAAAAAALAFihoAAAAAzluzZ8/WpZdeqkaNGikmJkajRo3S7t273dqcOnVKKSkpatasmSIjIzVmzBgdOnQoQBEDAAAA5zeKGgAAAADOW+vXr1dKSoo2btyotWvX6vTp0xo8eLDy8/NdbaZMmaIPPvhAy5cv1/r163XgwAGNHj06gFEDAAAA56/QQAcAAAAAAIGyevVqt/uvvfaaYmJitGnTJl1xxRXKzc3VK6+8oqVLl+rqq6+WJC1ZskRdunTRxo0b1a9fv0CEDQAAAJy3AnqmRk2d6p2Zmanhw4erQYMGiomJ0f33368zZ864tVm3bp0uueQSRUREqGPHjnrttdcqxLNw4UK1a9dO9erVU9++ffX111/X+GsGAAAAELxyc3MlSU2bNpUkbdq0SadPn9agQYNcbTp37qy2bdsqIyMjIDECAAAA57OAnqlRcqr3pZdeqjNnzujPf/6zBg8erJ07d6phw4aSik/1XrVqlZYvX67o6GilpqZq9OjR+uKLLyRJRUVFGj58uOLi4vTll1/q4MGDGjdunMLCwvTkk09Kkvbt26fhw4frrrvu0htvvKH09HT94Q9/UMuWLZWUlCRJeuutt5SWlqZFixapb9++mj9/vpKSkrR7927FxMQEJkEAAAAA6oxhGJo8ebIuu+wydevWTZKUlZWl8PBwNW7c2K1tbGyssrKyvG6roKBABQUFrvt5eXmu5zAMo+aD94XD4XGx4XDIdDhkeFofqFhtwjAMmaYZuPfU5sifNeTPGvJnDfmzhvxZQ/6sCeb8+RpTQIsaNXGq90cffaSdO3fq448/VmxsrHr27KnHHntM06ZN06OPPqrw8HAtWrRICQkJevbZZyVJXbp00YYNGzRv3jxXUWPu3Lm64447NH78eEnSokWLtGrVKr366quaPn16HWYFAAAAQCCkpKRo+/bt2rBhg+VtzZ49WzNnzqyw/PDhwzp16pTl7VdLmzYeFxuScps3l2maFU/lz86u7ahszTAM5ebmFufOySUr/UX+rCF/1pA/a8ifNeTPGvJnTTDn79ixYz61C6pravh7qne/fv2UkZGhiy66SLGxsa42SUlJmjhxonbs2KGLL75YGRkZbtsoaTN58mRJUmFhoTZt2qQZM2a41judTg0aNMjrKeVB+csryeOvryr95ZXEr6+qEMzVSzsgf9aQP2vInzXkzxryZw35syaY8xeMMUlSamqqVq5cqc8++0ytW7d2LY+Li1NhYaFycnLcztY4dOiQ4uLivG5vxowZSktLc93Py8tTmzZt1KJFC0VFRdXKa6jS/v0eFxsOhxwOh1r8/LOcpum+krPWK2UYRnHuWrQIui8F7ID8WUP+rCF/1pA/a8ifNeTPmmDOX7169XxqFzRFjeqe6p2VleVW0ChZX7KusjZ5eXk6efKkjh49qqKiIo9tfvjhB4/xBuUvrySPv76q9JdXEr++qkIwVy/tgPxZQ/6sIX/WkD9ryJ815M+aYM6fr7++qiumaeruu+/Wu+++q3Xr1ikhIcFtfa9evRQWFqb09HSNGTNGkrR7925lZmYqMTHR63YjIiIUERFRYbnT6Qzce1K+YFGGwzTlPPvPTZDtP8HI4XAE9n21OfJnDfmzhvxZQ/6sIX/WkD9rgjV/vsYTNEWNmjzVuy4E5S+vJI+/vqr0l1cSv76qQjBXL+2A/FlD/qwhf9aQP2vInzXkz5pgzp+vv76qKykpKVq6dKnee+89NWrUyPXDqOjoaNWvX1/R0dGaMGGC0tLS1LRpU0VFRenuu+9WYmKi+vXrF+DoAQAAgPNPUBQ1rJzqHRcXp6+//tpte4cOHXKtK/m/ZFnZNlFRUapfv75CQkIUEhLisY23U8qD8pdXktdfX3n95ZXEr698EKzVS7sgf9aQP2vInzXkzxryZw35syZY8xds8bz44ouSpAEDBrgtX7JkiW677TZJ0rx58+R0OjVmzBgVFBQoKSlJL7zwQh1HCgAAAECS59mI6oppmkpNTdW7776rTz75pNJTvUuUP9U7MTFR27ZtU3aZKZTWrl2rqKgode3a1dWm7DZK2pRsIzw8XL169XJrYxiG0tPTKz2lHAAAAIC9mabp8V9JQUMqPrtk4cKFOnLkiPLz87VixYpKr6cBAAAAoPYE9EyNmjjVe/DgweratatuvfVWzZkzR1lZWXrwwQeVkpLiOpPirrvu0vPPP6+pU6fq9ttv1yeffKK3335bq1atcsWSlpam5ORk9e7dW3369NH8+fOVn5+v8ePH131iAAAAAAAAAABABQEtatTEqd4hISFauXKlJk6cqMTERDVs2FDJycmaNWuWq01CQoJWrVqlKVOmaMGCBWrdurUWL16spKQkV5uxY8fq8OHDevjhh5WVlaWePXtq9erVFS4eDgAAAAAAAAAAAiOgRQ3Ty/Ufyio51XvhwoVe28THx+vDDz+sdDsDBgzQ5s2bK22Tmpqq1NTUKmMCAAAAAAAAAAB1L7iu0gcAAAAAAAAAAOAFRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALYQGugAAAAAAFTTiBGelzscUps20v79kmm6r/vgg9qPCwAAAEDgeRovnANjBc7UAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAADntc8++0wjRoxQq1at5HA49M9//tNtvWmaevjhh9WyZUvVr19fgwYN0o8//hiYYAEAAIDzXECLGjUxeDhy5IhuvvlmRUVFqXHjxpowYYKOHz/u1mbr1q3q37+/6tWrpzZt2mjOnDkVYlm+fLk6d+6sevXq6aKLLtKHH35Y468XAAAAQPDJz89Xjx49tHDhQo/r58yZo+eee06LFi3SV199pYYNGyopKUmnTp2q40gBAAAABLSoURODh5tvvlk7duzQ2rVrtXLlSn322We68847Xevz8vI0ePBgxcfHa9OmTXrmmWf06KOP6qWXXnK1+fLLL3XjjTdqwoQJ2rx5s0aNGqVRo0Zp+/bttffiAQAAAASFoUOH6vHHH9e1115bYZ1pmpo/f74efPBBjRw5Ut27d9frr7+uAwcOVPhRFgAAAIDaF9CihtXBw65du7R69WotXrxYffv21eWXX66//vWvWrZsmQ4cOCBJeuONN1RYWKhXX31VF154oW644Qbdc889mjt3ruu5FixYoCFDhuj+++9Xly5d9Nhjj+mSSy7R888/Xyd5AAAAABCc9u3bp6ysLA0aNMi1LDo6Wn379lVGRkYAIwMAAADOT6GBDsCbqgYPN9xwgzIyMtS4cWP17t3b1WbQoEFyOp366quvdO211yojI0NXXHGFwsPDXW2SkpL09NNP6+jRo2rSpIkyMjKUlpbm9vxJSUn88goAAAA4z2VlZUmSYmNj3ZbHxsa61nlSUFCggoIC1/28vDxJkmEYMgyjFiL1gcPhcbHhcMh0OGR4Wh+oWG3CMAyZphm499TmyJ815M8a8mcN+bOG/FlD/vzg4fgumI/9fH1Pg7ao4cvgISsrSzExMW7rQ0ND1bRpU7c2CQkJFbZRsq5JkybKyso6NwYpkv87qhTwnTXY0VFaQ/6sIX/WkD9ryJ815M8a8ucjG35Jfb68p7Nnz9bMmTMrLD98+HDgrsXRpo3HxYak3ObNZZpmxVP5s7NrOypbMwxDubm5xblzBnQiBFsif9aQP2vInzXkzxryZw3584OH479gPvY7duyYT+2CtqgR7IJykCL5v6NKAd9Zgx0dpTXkzxryZw35s4b8WUP+rCF/PrLhl9S+DlSCRVxcnCTp0KFDatmypWv5oUOH1LNnT6+PmzFjhtvZ4Hl5eWrTpo1atGihqKioWou3Uvv3e1xsOBxyOBxq8fPPcpqm+8pyPyKDO8MwinPXogV9VTWQP2vInzXkzxryZw35s4b8+cHD8V8wH/vVq1fPp3ZBW9TwZfAQFxen7HKDsjNnzujIkSOux8fFxenQoUNubUruV9WmZL0nQTlIkfzfUaWA76zBjo7SGvJnDfmzhvxZQ/6sIX/WkD8f2fBLal8HKsEiISFBcXFxSk9Pd41D8vLy9NVXX2nixIleHxcREaGIiIgKy51OZ+D2aU9jgbMcpinn2X9u+PxVyeFwBPZ9tTnyZw35s4b8WUP+rCF/1pA/H3k5/gvWYz9f38+gLWr4MnhITExUTk6ONm3apF69ekmSPvnkExmGob59+7raPPDAAzp9+rTCwsIkSWvXrtUFF1ygJk2auNqkp6dr8uTJrudfu3atEhMTvcYXlIMUyf8dVQr4zmoHdJTWkD9ryJ815M8a8mcN+bOG/PnAhl9SB+P7efz4ce3Zs8d1f9++fdqyZYuaNm2qtm3bavLkyXr88cfVqVMnJSQk6KGHHlKrVq00atSowAUNAAAAnKcCWtSwOnjo0qWLhgwZojvuuEOLFi3S6dOnlZqaqhtuuEGtWrWSJN10002aOXOmJkyYoGnTpmn79u1asGCB5s2b53reSZMm6corr9Szzz6r4cOHa9myZfr222/10ksv1Wk+AAAAANS9b7/9VldddZXrfskZ2cnJyXrttdc0depU5efn684771ROTo4uv/xyrV692nZnnQAAAADngoAWNWpi8PDGG28oNTVVAwcOlNPp1JgxY/Tcc8+51kdHR+ujjz5SSkqKevXqpebNm+vhhx/WnXfe6Wrzu9/9TkuXLtWDDz6oP//5z+rUqZP++c9/qlu3bnWQBQAAAACBNGDAAJmVnfXicGjWrFmaNWtWHUYFAAAAwJOAFjVqYvDQtGlTLV26tNLn6d69uz7//PNK21x33XW67rrrKg8YAAAAAAAAAAAETPBNaAsAAAAAAAAAAOABRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2EBroAAAAAADgvHEmXzoTUnG5I0QKqefeziunFFq/em1DiiSZ5Z7bIYfztBRyxj22kKJKtu2QQhuUieGkJMN7GKENq9e26JRkFtVM25AGksNxtm2BZJ6x3tYwJLPMaykqlMzTlWy3vuRw+tbWWU9yhvjf1jgtGYWVtI2QnKHVaHtGMgoqaRsuOcP8b2ue3c+cXn5z6QiTQsLPbrdIMk55327ZtqYhFZ2sobahUkjE2bamVHSihtr68bn31NYw5Cg64SF/FvqIMydUoY8oDaLc596ftkHYR5TPX230EZJ/n3s79RGGUfxZd92vpT7Cn8+9HfuISvs/i32EV+dAH2Gc8dL/yV7HEVLd9BFOQ3KUyW/ZYz/TlIwQyTwbbzAcR/iAogYAAAAA1JUVraQGHpa3GiYNWFV6/x8x3r8UiblSGrSu9P577aSCXzy3bdpbGvJN6f1h66RI9y9mnJJiJZm5kdKHA0pXJH0uvR3pebsN46WRP5Xe//gK6ci3nttGNJfGHC69v26olL3ec9uQBtLYMl+ufD5GOvCh57aSdFOZL0u+vFXa/473ttcfL/3y4us/Svv+23vb0dlSvRbFt79Lk358wWMzp6SQxK8lxRUv2PqAtOsv3rc7bLvU+MLi2zuelLbP9N426Wup2aXFt3cvkLZM9d524KdS7IDi23tekr5N9d72ypXSb4YX3/7pDWnjeO9tL39bantd8e2f35U2XO+9bb8lUvvbim8fXCOt/733tr2fl36bIkkKz/lKzk/HeG/bc47U9f7i20e/k9b08d622yNS90eLb+fukj7s5r1tl/uki58pvp2fKb2f4L1tpz9Jly4svl3wi7QixnvbhGQp8bXi20UnvH+GJKnN/5P6Ly+9X1lbD32Es+iEYj21tdJHrOoq5f/Hc9vortLwHaX311wq5e703NYGfURJ3+dSC32EJOmafVJku+Lb51Af4ZQU0e0lKW5C8YJa6iN0+HMp/SrvbW3cRziMk3K+08p7W4t9RK0cRwRJH+HMXu+5/7PZcYSkuukjfrtPuniXa1WF/i+9n5TdvPh2MBxH+IDppwAAAAAAAAAAgC04TNP0dh4Q/JCXl6fo6Gjl5uYqKioqcIGMGFFhkeFwKLtNG8Xs3y+np7f7gw/qIDD7MgxD2dnZiomJkdPbKYHwivxZQ/6sIX/WkD9ryJ815M9HHo79pCqO/wJ87Bc0x811zPW6fz3g+XXXxbQRI0Z4nH7KcDh0uHVrtfj5ZznLTz/1znJ5ZoOpZcqrhWkjDMNQ9q/HFBMbV9xXnUtTy1RoW/NTyxiGoexDBxXTLMp7X2/3qWVqcfopwzB0+PBhtWjRolz+zoGpZeqgj6iQPztPLROAPsIwDGX/kquYuFbF+WP6qbNtfesjivu/Q4ppFllJ/8f0Uy7l+gjDOOOl/5OtjiOK29ZyHzFiRIXpp9yO/cpPP/XeioAeR/g6VmD6KQAAAACoK6EN3QfQlbXzZ5u+KvJ0PQ+HTCNMKgqV25cPRSG+b7vsFx412bbsFzQ12jZCUoT1toYhOcp8GRQSLincx+3WUltnmO9zUvvVNrT0i4mabOs4u5/5UsB2hkhOH/dJh9P3/devto7aaSv539YwZIbkV50/v7braX68mmgbhH1EZfmrqT6iQttzqI8wDMlZpv+rrT7Cn8+9XfsIX3/AU5v9ic9tg6SP8LX/C/bjiApta+lzbzjlNmFT2WO/8j+ACobjCF82V2NbAgAAAAAAAAAAqEUUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCFwpHUFm+N9fvx1zXIboWIgEAoG7wtw8AfEN/CQA4H/H3D6iIMzUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2wPRTAABJ/p/SyumsOFdwOjcAAEDlOF7C+Yz9Hwg+FDXKWbhwoZ555hllZWWpR48e+utf/6o+ffr4voEz+dKZkIrLHSFSSD33dl45pdD61WsbUiTJLPfcDjmcp6WQM+6xlbT1uH2HFNqgTAwnJRnewwhtWL22Racks6hMSO6xFIWUtnUap+Qo07b0+c7uxiENJIfj7AMLJPOM9xj8aeuIKBNQoWSermS79SWH07e2znqSM8T/tsZpySispG2E5AytRtszklFQSdtwyRlWjbZFchSdKN7PnB5ODnOESSHhrrYyTnnfbtm2piEVnayhtqFSyNn32TSlohM11NaPz723tobhIX8W+ogzJ1ShjzgrpOiEikIauN331lZySCpzkFZHfYTfbcvmLyzS6+d+xb/dD1KLnKV9hNMokMNDHzG6/dnX78/n3kvb8s9fHEO94v1CksMolLPcdl3PL9VeH6Gw0pu12Ef4/Ln30rYkf4YjTKaz9HMfYnj/3I/u0Nytj6isrekIleEs/dyHGCdK//ZUiNe9j6i8/3P/3Jf/G+geQ4gMZx0cR1TSR1Q8NvCnbTX6CI/9n2q2jyirto4jaqCP8Kjs595pSI5y+S17/FfklMyz8TqMyveJujqOsCnLYwUAgC0F+kvtQD+/3ZE/4NxDUaOMt956S2lpaVq0aJH69u2r+fPnKykpSbt371ZMTIxvG1nRSmrgYXmrYdKAVaX3/xHj/cvQmCulQetK77/XTir4xXPbpr2lId+U3h+2Top0/2LGKSlWkpkbKX04oHRF0udS9HHp7ciK220YL438qfT+x1dIR771HENEc2nM4dL764ZK2es9tw1pII0tM5D+fIx04EPX3dHlmi/vm+O63WfvH9XmyHsVt1kS1vXHS7+8+PqP0r7/9hyDJI3Oluq1KL79XZr04wve2/5+r1xv6tYHpF1/8d522Hap8YXFt3c8KW2f6b1t0tdSs0uLb+9eIG2Z6r3twE+l2AHFt/e8JH2b6r3tlSul3wwvvv3TG9LG8d7bXv621Pa64ts/vyttuN5r06/bL9R/WtwsSYo7ukb9/3es17bfxT+jvXF3SJJa5H6mAT9c4z2GnnOkrvcX3z76nbSmki8Guj0idX+0+HbuLunDbt7bdrlPuviZ4tv5mdL7Cd7bdvqTdOnC4tsFv0grKvm8JyRLia8V3y464fnzU6LN/5P6Ly+9X1lbL31EyefXjZU+YlVXKf8/HpsOrN9ZH3XfWHp/x9WKPvmDx7b54W2k32aWLqikjygIbab3e+113b9y53DFHPvCc7xV9BEV3FT8heryvbnq92NyhT6ibP5W9P4/V6H00r0T1e6XN13tyvc9712yR4VhzSVJPf7zgDpmL6743CUv95p9UmS74tvV7CPKP78kfXzhJzoaeYkkqVPWIvXY/7Dn55dqr4/43TKp3pXFt6voI9RvidT+tuLbB9dI63/vvW3v56XfphTfPvy5lH6V97Y+9BEl+dvxm2na2XqGJCnq5G4lbUv0vt380j6iQeF+Dd/Sw2vTPTF/0OaE4vc1/MyvGvldR/f8l1Wuj4hd38F7DOX6iNHf/sZr04ONB2vDBW+XLqit44hK+ghFd5WG7yi9v+ZSKXen57Y1cBzhsf+rZh8hSfryVmn/O97b1tZxRA30ER6VPY747T7p4l1uq93yl95Pyi7u09Qxs/K/R7V0HOHWR2Sle28XxGpkrADYmNUvBT0+3jTkOJYv83huaVHXy+Nhb4H+Upn9DwDOLRQ1ypg7d67uuOMOjR9fPHhbtGiRVq1apVdffVXTp08PcHSwgzX7jynv1+KDpa5HT+nCStp+/PNxDWpWN3EBqF0lg6TuOQW6oJJ2ZfuI6+ogLiBQ8k8b+rDMlwcDC4rUNABxlP0Co1/+abWphefYk1uojpWsX5WZpxMRvvURCG6MFWBVoL/UBRA4fP5xPgv0VNfn+/OfqxymaXqbN+C8UlhYqAYNGuidd97RqFGjXMuTk5OVk5Oj997zcIZAGXl5eYqOjlburwcUFRVVsUFdTT81apjKTwVhOBw63Lq1Wvz8s5yepp96p/RXi6VToDjcpqFxGiflMD1PGzG6fbTrl43L9+ZW2laqOKXUmITSXwtWmALGh+mnSqeAaaDl/84729bzdDGu7ZaZWua6dvUqnTbCcEQo+/AviomJkdM8U+lUEMt/KnT9wsPTdDHuMdTTdR3PfsVzdooJT1PQlLQtnYbmtJxm8VQQbtPPlLAwbcSKPdlemxqOcJlnp41wmGfkNAoqPH/pFDClbWWcVmjeQZmRTSr8+mV0+2i3qWWW7zmikEqmoSk/tcx17cI9Pr+ntp6mlnHFf3a6mOV7c0unlvGi7DQ017WPcvuldPn3r/x0MeWnlnHLn5c+wjAMHT58WC1atJCziumnPO0/psMpw1natuyUUhXfvzy/pp8a/duWZWI4qRX/PuqlbfnPcnEf4XH/lao1tUxx3+OhjzANOY4flRnZREUhpdNPOY0CjUkofR6r008t//cxSb587kunlrmuXf2gn37KUJiyfzlS3P/JqLXpp1bsOeQ9BrfPcpGrjyj7+q1OP7V8z1G/p5/yuv+WmX7KKCrS4az/lPv8lm1b/LkvOcj1Z/qp6+Ir+11K3U4/5flvV+XHEeXfP099RNnPb9m/H0UhDUsP9ItOacXeI15fnbfjCE/7jy+fe1f8nVq62v7jx+wqjjnqVzg28Lr/VGf6qREjPE4/5Xb8V376qRVve9hgyXZrf/qpvJwjim7STLm5uZ6Pm4OQ1bGCVGa8EMjXPWKEx8WGw6HsNm0Us3+/nOWHhx984LpZK7/Ut9HjPTEMQ9nZ2cV/Kz319WUEY/z+qL0zNY7IbNS0yl/KBzp/gX68J3ba/4Jy/z2P9r/a4M/+Z1Wg82f3z2+gWf1S39/Pr0+Pt/r8dfh4yzwc//l67BcIvh4zc6bGWb/88ouKiooUG+s+0UFsbKx++KHi9CsFBQUqKCgduOXmFu+gOcdPy3B6GoCellTJnOEVn6F6bQsqfhFhOKTcAimsQMVfypcouXm8NN5j+WVjr2ye9VI5x09LypEkncjz5YOaU+7xpdescH/+im29P78k5fr4/MVtXY8/VtpZvLfP0+NNOY4dlXnwlIqvI1BqZIJ7R3PiWJ6Pzy9Jp5WT497xVnz9pW09yTnuvtxz/N6Vj9/783uOofzzlz6+7HJTjvwzMp1nVD5/xY8/Lam4MHDi2LEqIi5tW/z4yuJ3b+tJafynJZ30cf8pbitJObnun7eK+av8c++ev9N6b5+nL3ZNOY7lysx2qqr9z/v757k/qfj+FcrXz70k5eTk+Pj8kqfPsvf918s0OeUUv/7i7Xp/78ruf+5tco6XFsUqxl71vlB2//G97yl9npxjpfuP59xVlk/3/L23z7eclVV2//Hed/jW//nb95R/fNV9T8XPco7Hv11Vf+5djz92QqV9T1V9d+nn3tPzV56/yj6/xX2E731PaX9Stv+zmv/39nkvaPvyeO/vn/f+pOL7l+Ohlbe/HznKyanq81Pa1rfnl3z53Lsen1va9vjxSq7ZJMmXv5+Vta1yu2c8F1Tcj//KFXy9Pn81Y/CzbV7ecUmSnX5b5e9YQapkvJCTI8Oo5Boztcnr/uJQ3unTCj9zpuLAtszfe9//3pV9eOn27P54f8cKknt/GZzxV6724zflOJYnUyHylL9gev8D/Xi773/Buf+eP/uf9eNFa/tfcPY/dff4QH9+rX5XZPXx/sZfNnbvj/f++fXt8Vafv+4eb5mH4z9fj/0CIS+veHxe1ViBokY1zZ49WzNnzqywPD4+PgDRWNSkSaAjAAAAQF0JkmO/Y8eOKTo6eH5FWNPOmfFCkOwvAAAAqANBcuxX1ViBosZZzZs3V0hIiA4dcv+l9KFDhxQXF1eh/YwZM5SWlua6bxiGjhw5ombNmsnhqFhhDaS8vDy1adNG+/fvt80p/sGE/FlD/qwhf9aQP2vInzXkzxryZ00w5880TR07dkytWrUKdCg+83esIDFeOF+QO2vInzXkzxryZw35s4b8WUP+rAnm/Pk6VqCocVZ4eLh69eql9PR01zy5hmEoPT1dqampFdpHREQoIiLCbVnjxo3rINLqi4qKCrod1U7InzXkzxryZw35s4b8WUP+rCF/1gRr/ux2hoa/YwWJ8cL5htxZQ/6sIX/WkD9ryJ815M8a8mdNsObPl7ECRY0y0tLSlJycrN69e6tPnz6aP3++8vPzNX78+ECHBgAAACCAGCsAAAAAwYGiRhljx47V4cOH9fDDDysrK0s9e/bU6tWrK1wQEAAAAMD5hbECAAAAEBwoapSTmprq9RRyu4qIiNAjjzxS4fR3+Ib8WUP+rCF/1pA/a8ifNeTPGvJnDfmrHefiWEFif7GC3FlD/qwhf9aQP2vInzXkzxryZ825kD+HaZpmoIMAAAAAAAAAAACoijPQAQAAAAAAAAAAAPiCogYAAAAAAAAAALAFihoAAAAAAAAAAMAWKGqcBxYuXKh27dqpXr166tu3r77++utAh2QLjz76qBwOh9u/zp07BzqsoPXZZ59pxIgRatWqlRwOh/75z3+6rTdNUw8//LBatmyp+vXra9CgQfrxxx8DE2wQqip/t912W4X9cciQIYEJNsjMnj1bl156qRo1aqSYmBiNGjVKu3fvdmtz6tQppaSkqFmzZoqMjNSYMWN06NChAEUcXHzJ34ABAyrsf3fddVeAIg4uL774orp3766oqChFRUUpMTFR//rXv1zr2fcqV1X+2Pf889RTT8nhcGjy5MmuZeyDqApjhephrOAfxgrWMFawhvFC9TFWsIaxgjWMFWrWuTZWoKhxjnvrrbeUlpamRx55RN9995169OihpKQkZWdnBzo0W7jwwgt18OBB178NGzYEOqSglZ+frx49emjhwoUe18+ZM0fPPfecFi1apK+++koNGzZUUlKSTp06VceRBqeq8idJQ4YMcdsf33zzzTqMMHitX79eKSkp2rhxo9auXavTp09r8ODBys/Pd7WZMmWKPvjgAy1fvlzr16/XgQMHNHr06ABGHTx8yZ8k3XHHHW7735w5cwIUcXBp3bq1nnrqKW3atEnffvutrr76ao0cOVI7duyQxL5XlaryJ7Hv+eqbb77R3/72N3Xv3t1tOfsgKsNYwRrGCr5jrGANYwVrGC9UH2MFaxgrWMNYoeack2MFE+e0Pn36mCkpKa77RUVFZqtWrczZs2cHMCp7eOSRR8wePXoEOgxbkmS+++67rvuGYZhxcXHmM88841qWk5NjRkREmG+++WYAIgxu5fNnmqaZnJxsjhw5MiDx2E12drYpyVy/fr1pmsX7WlhYmLl8+XJXm127dpmSzIyMjECFGbTK5880TfPKK680J02aFLigbKZJkybm4sWL2feqqSR/psm+56tjx46ZnTp1MteuXeuWM/ZBVIWxQvUxVqg+xgrWMFawjvFC9TFWsI6xgjWMFfx3ro4VOFPjHFZYWKhNmzZp0KBBrmVOp1ODBg1SRkZGACOzjx9//FGtWrVS+/btdfPNNyszMzPQIdnSvn37lJWV5bYvRkdHq2/fvuyLfli3bp1iYmJ0wQUXaOLEifr1118DHVJQys3NlSQ1bdpUkrRp0yadPn3abf/r3Lmz2rZty/7nQfn8lXjjjTfUvHlzdevWTTNmzNCJEycCEV5QKyoq0rJly5Sfn6/ExET2PT+Vz18J9r2qpaSkaPjw4W77mkT/h8oxVrCOsULNYKxQMxgr+I7xQvUxVqg+xgrWMFaovnN1rBAa6ABQe3755RcVFRUpNjbWbXlsbKx++OGHAEVlH3379tVrr72mCy64QAcPHtTMmTPVv39/bd++XY0aNQp0eLaSlZUlSR73xZJ1qNyQIUM0evRoJSQkaO/evfrzn/+soUOHKiMjQyEhIYEOL2gYhqHJkyfrsssuU7du3SQV73/h4eFq3LixW1v2v4o85U+SbrrpJsXHx6tVq1baunWrpk2bpt27d2vFihUBjDZ4bNu2TYmJiTp16pQiIyP17rvvqmvXrtqyZQv7ng+85U9i3/PFsmXL9N133+mbb76psI7+D5VhrGANY4Waw1jBOsYKvmO8UH2MFaqHsYI1jBWsOZfHChQ1AC+GDh3qut29e3f17dtX8fHxevvttzVhwoQARobz0Q033OC6fdFFF6l79+7q0KGD1q1bp4EDBwYwsuCSkpKi7du3M6d1NXnL35133um6fdFFF6lly5YaOHCg9u7dqw4dOtR1mEHnggsu0JYtW5Sbm6t33nlHycnJWr9+faDDsg1v+evatSv7XhX279+vSZMmae3atapXr16gwwHOK4wVEEwYK/iO8UL1MVaoHsYK1jBWqL5zfazA9FPnsObNmyskJKTCVesPHTqkuLi4AEVlX40bN9Zvf/tb7dmzJ9Ch2E7J/sa+WHPat2+v5s2bsz+WkZqaqpUrV+rTTz9V69atXcvj4uJUWFionJwct/bsf+685c+Tvn37ShL731nh4eHq2LGjevXqpdmzZ6tHjx5asGAB+56PvOXPE/Y9d5s2bVJ2drYuueQShYaGKjQ0VOvXr9dzzz2n0NBQxcbGsg/CK8YKNYuxQvUxVqh5jBU8Y7xQfYwVqo+xgjWMFarvXB8rUNQ4h4WHh6tXr15KT093LTMMQ+np6W7zz8E3x48f1969e9WyZctAh2I7CQkJiouLc9sX8/Ly9NVXX7EvVtPPP/+sX3/9lf1RkmmaSk1N1bvvvqtPPvlECQkJbut79eqlsLAwt/1v9+7dyszMZP9T1fnzZMuWLZLE/ueFYRgqKChg36umkvx5wr7nbuDAgdq2bZu2bNni+te7d2/dfPPNrtvsg/CGsULNYqxQfYwVah5jBXeMF6qPsULNY6xgDWMF353rYwWmnzrHpaWlKTk5Wb1791afPn00f/585efna/z48YEOLejdd999GjFihOLj43XgwAE98sgjCgkJ0Y033hjo0ILS8ePH3arh+/bt05YtW9S0aVO1bdtWkydP1uOPP65OnTopISFBDz30kFq1aqVRo0YFLuggUln+mjZtqpkzZ2rMmDGKi4vT3r17NXXqVHXs2FFJSUkBjDo4pKSkaOnSpXrvvffUqFEj19yP0dHRql+/vqKjozVhwgSlpaWpadOmioqK0t13363ExET169cvwNEHXlX527t3r5YuXaphw4apWbNm2rp1q6ZMmaIrrrhC3bt3D3D0gTdjxgwNHTpUbdu21bFjx7R06VKtW7dOa9asYd/zQWX5Y9+rWqNGjdzmtJakhg0bqlmzZq7l7IOoDGOF6mOs4B/GCtYwVrCG8UL1MVawhrGCNYwVrDnnxwomznl//etfzbZt25rh4eFmnz59zI0bNwY6JFsYO3as2bJlSzM8PNz8zW9+Y44dO9bcs2dPoMMKWp9++qkpqcK/5ORk0zRN0zAM86GHHjJjY2PNiIgIc+DAgebu3bsDG3QQqSx/J06cMAcPHmy2aNHCDAsLM+Pj48077rjDzMrKCnTYQcFT3iSZS5YscbU5efKk+ac//cls0qSJ2aBBA/Paa681Dx48GLigg0hV+cvMzDSvuOIKs2nTpmZERITZsWNH8/777zdzc3MDG3iQuP322834+HgzPDzcbNGihTlw4EDzo48+cq1n36tcZflj36ueK6+80pw0aZLrPvsgqsJYoXoYK/iHsYI1jBWsYbxQfYwVrGGsYA1jhZp3Lo0VHKZpmrVTLgEAAAAAAAAAAKg5XFMDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2AJFDQAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMA4LPXXntNjRs3DnQYtvLTTz/J4XBoy5YtlrYzYMAATZ48uUZiAgAAAGoD4wX/MV4AAP9R1AAAuNx2221yOBxyOBwKDw9Xx44dNWvWLJ05cybQoQUMAzMAAACgGOOFihgvAEDdCw10AACA4DJkyBAtWbJEBQUF+vDDD5WSkqKwsDDNmDEj0KEBAAAACDDGCwCAQONMDQCAm4iICMXFxSk+Pl4TJ07UoEGD9P7777u1WbNmjbp06aLIyEgNGTJEBw8edK0zDEOzZs1S69atFRERoZ49e2r16tWu9SWnV69YsUJXXXWVGjRooB49eigjI8PtOTZs2KD+/furfv36atOmje655x7l5+e71rdr106PP/64xo0bp8jISMXHx+v999/X4cOHNXLkSEVGRqp79+769ttv/dquv1avXq3LL79cjRs3VrNmzfT73/9ee/furdDuhx9+0O9+9zvVq1dP3bp10/r1693Wb9++XUOHDlVkZKRiY2N166236pdffql2XAAAAEBtYLzgH8YLAFDzKGoAACpVv359FRYWuu6fOHFCf/nLX/T3v/9dn332mTIzM3Xfffe51i9YsEDPPvus/vKXv2jr1q1KSkrSNddcox9//NFtuw888IDuu+8+bdmyRb/97W914403uk5b37t3r4YMGaIxY8Zo69ateuutt7Rhwwalpqa6bWPevHm67LLLtHnzZg0fPly33nqrxo0bp1tuuUXfffedOnTooHHjxsk0Tb+264/8/HylpaXp22+/VXp6upxOp6699loZhuHW7v7779e9996rzZs3KzExUSNGjNCvv/4qScrJydHVV1+tiy++WN9++61Wr16tQ4cO6frrr692XAAAAEBdYLxQOcYLAFALTAAAzkpOTjZHjhxpmqZpGoZhrl271oyIiDDvu+8+0zRNc8mSJaYkc8+ePa7HLFy40IyNjXXdb9WqlfnEE0+4bffSSy81//SnP5mmaZr79u0zJZmLFy92rd+xY4cpydy1a5dpmqY5YcIE884773Tbxueff246nU7z5MmTpmmaZnx8vHnLLbe41h88eNCUZD700EOuZRkZGaYk8+DBgz5vt7wlS5aY0dHRXjJW0eHDh01J5rZt29xe71NPPeVqc/r0abN169bm008/bZqmaT722GPm4MGD3bazf/9+U5K5e/du0zRN88orrzQnTZrkcxwAAABATWO8UBHjBQCoe5ypAQBws3LlSkVGRqpevXoaOnSoxo4dq0cffdS1vkGDBurQoYPrfsuWLZWdnS1JysvL04EDB3TZZZe5bfOyyy7Trl273JZ1797dbRuSXNv5/vvv9dprrykyMtL1LykpSYZhaN++fR63ERsbK0m66KKLKizzd7v++PHHH3XjjTeqffv2ioqKUrt27SRJmZmZbu0SExNdt0NDQ9W7d29XTr7//nt9+umnbnF17txZkjyemg4AAAAECuMF/zBeAICax4XCAQBurrrqKr344osKDw9Xq1atFBrq/qciLCzM7b7D4XCdru2PsttxOByS5DoF+/jx4/rjH/+oe+65p8Lj2rZtW+k2amK7/hgxYoTi4+P18ssvq1WrVjIMQ926dXM7Bb8qx48f14gRI/T0009XWFcygAMAAACCAeMF/zBeAICaR1EDAOCmYcOG6tixY7UeGxUVpVatWumLL77QlVde6Vr+xRdfqE+fPj5v55JLLtHOnTurHUddbffXX3/V7t279fLLL6t///6Sii8s6MnGjRt1xRVXSJLOnDmjTZs2uebmveSSS/SPf/xD7dq1qzAoBAAAAIIJ4wXfMV4AgNpBTwgAqFH333+/HnnkEXXo0EE9e/bUkiVLtGXLFr3xxhs+b2PatGnq16+fUlNT9Yc//EENGzbUzp07tXbtWj3//PPVjq262y0qKtKWLVvclkVEROiCCy5Qs2bN9NJLL6lly5bKzMzU9OnTPW5j4cKF6tSpk7p06aJ58+bp6NGjuv322yVJKSkpevnll3XjjTdq6tSpatq0qfbs2aNly5Zp8eLFCgkJqfZrBgAAAIIJ4wXGCwBgFUUNAECNuueee5Sbm6t7771X2dnZ6tq1q95//3116tTJ5210795d69ev1wMPPKD+/fvLNE116NBBY8eOtRRbdbd7/PhxXXzxxW7LOnTo4BpI3HPPPerWrZsuuOACPffccxowYECFbTz11FN66qmntGXLFnXs2FHvv/++mjdvLkmuX6tNmzZNgwcPVkFBgeLj4zVkyBA5nVz+CgAAAOcOxguMFwDAKodZnYkNAQAAAAAAAAAA6hjlXAAAAAAAAAAAYAsUNQAAAAAAAAAAgC1Q1AAAAAAAAAAAALZAUQMAAAAAAAAAANgCRQ0AAAAAAAAAAGALFDUAAAAAAAAAAIAtUNQAAAAAAAAAAAC2QFEDAAAAAAAAAADYAkUNAAAAAAAAAABgCxQ1AAAAAAAAAACALVDUAAAAAAAAAAAAtkBRAwAAAAAAAAAA2ML/B3giVABVyDOyAAAAAElFTkSuQmCC", "text/plain": [ "
" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "\n", "📊 详细标签分布:\n", "Label | Count | Percentage | Status\n", "----------------------------------------\n", " 0 | 75,340 | 73.93% | 📉 TO UNDERSAMPLE\n", " 1 | 235 | 0.23% | ✅ BALANCED\n", " 2 | 269 | 0.26% | ✅ BALANCED\n", " 3 | 1,301 | 1.28% | ✅ BALANCED\n", " 4 | 220 | 0.22% | ✅ BALANCED\n", " 5 | 89 | 0.09% | 📈 TO OVERSAMPLE\n", " 6 | 357 | 0.35% | ✅ BALANCED\n", " 7 | 235 | 0.23% | ✅ BALANCED\n", " 8 | 91 | 0.09% | 📈 TO OVERSAMPLE\n", " 9 | 578 | 0.57% | ✅ BALANCED\n", " 10 | 530 | 0.52% | ✅ BALANCED\n", " 11 | 285 | 0.28% | ✅ BALANCED\n", " 12 | 294 | 0.29% | ✅ BALANCED\n", " 13 | 212 | 0.21% | ✅ BALANCED\n", " 14 | 234 | 0.23% | ✅ BALANCED\n", " 15 | 124 | 0.12% | 📈 TO OVERSAMPLE\n", " 16 | 239 | 0.23% | ✅ BALANCED\n", " 17 | 904 | 0.89% | ✅ BALANCED\n", " 18 | 617 | 0.61% | ✅ BALANCED\n", " 19 | 81 | 0.08% | 📈 TO OVERSAMPLE\n", " 20 | 543 | 0.53% | ✅ BALANCED\n", " 21 | 751 | 0.74% | ✅ BALANCED\n", " 22 | 428 | 0.42% | ✅ BALANCED\n", " 23 | 798 | 0.78% | ✅ BALANCED\n", " 24 | 179 | 0.18% | 📈 TO OVERSAMPLE\n", " 25 | 126 | 0.12% | 📈 TO OVERSAMPLE\n", " 26 | 61 | 0.06% | 📈 TO OVERSAMPLE\n", " 27 | 342 | 0.34% | ✅ BALANCED\n", " 28 | 730 | 0.72% | ✅ BALANCED\n", " 29 | 967 | 0.95% | ✅ BALANCED\n", " 30 | 89 | 0.09% | 📈 TO OVERSAMPLE\n", " 31 | 1,330 | 1.31% | ✅ BALANCED\n", " 32 | 121 | 0.12% | 📈 TO OVERSAMPLE\n", " 33 | 44 | 0.04% | 📈 TO OVERSAMPLE\n", " 34 | 372 | 0.37% | ✅ BALANCED\n", " 35 | 267 | 0.26% | ✅ BALANCED\n", " 36 | 404 | 0.40% | ✅ BALANCED\n", " 37 | 210 | 0.21% | ✅ BALANCED\n", " 38 | 476 | 0.47% | ✅ BALANCED\n", " 39 | 29 | 0.03% | 📈 TO OVERSAMPLE\n", " 40 | 11,404 | 11.19% | 📉 TO UNDERSAMPLE\n", "\n", "📋 Step 3: 数据平衡策略总结\n", " 🎯 目标: 提升模型对少数类的识别能力\n", " 📉 下采样: 标签 [0, 40] → 均值水平\n", " 📈 过采样: 样本数 < 0.5 * 均值的标签\n", " 🎲 随机种子: 42\n", "\n", "⚠️ 注意: 数据平衡将在模型训练时应用到训练集\n", " 验证集和测试集保持原始分布以确保评估的客观性\n" ] } ], "source": [ "# 📊 数据平衡策略 - 标签分布分析与采样优化\n", "\n", "import numpy as np\n", "import matplotlib.pyplot as plt\n", "from collections import Counter\n", "from sklearn.utils import resample\n", "import random\n", "\n", "# 全局配置\n", "BALANCE_CONFIG = {\n", " 'enable_balance': True, # 是否启用数据平衡\n", " 'undersample_labels': [0, 40], # 需要下采样的标签 (blank等高频标签)\n", " 'oversample_threshold': 0.5, # 过采样阈值 (相对于均值的比例)\n", " 'random_state': 42 # 随机种子\n", "}\n", "\n", "def analyze_label_distribution(data_dir, data_type='val', max_samples_total=50000):\n", " \"\"\"\n", " 分析指定数据集的标签分布\n", " \n", " Args:\n", " data_dir: 数据目录\n", " data_type: 数据类型 ('train', 'val', 'test')\n", " max_samples_total: 最大分析样本数\n", " \n", " Returns:\n", " dict: 标签分布统计信息\n", " \"\"\"\n", " print(f\"\\n📈 分析 {data_type} 数据集标签分布...\")\n", " \n", " all_labels = []\n", " total_samples = 0\n", " \n", " # 收集所有标签\n", " for trials_batch, filename in load_data_batch(data_dir, data_type, 5000):\n", " _, labels = extract_features_labels_batch(trials_batch)\n", " all_labels.extend(labels.tolist())\n", " total_samples += len(labels)\n", " \n", " if total_samples >= max_samples_total:\n", " break\n", " \n", " # 统计分布\n", " label_counts = Counter(all_labels)\n", " total_count = len(all_labels)\n", " \n", " # 计算统计信息\n", " label_stats = {}\n", " for label in range(41): # 0-40共41个标签\n", " count = label_counts.get(label, 0)\n", " percentage = (count / total_count) * 100 if total_count > 0 else 0\n", " label_stats[label] = {\n", " 'count': count,\n", " 'percentage': percentage\n", " }\n", " \n", " # 计算统计指标 (只考虑1-39号标签的均值,排除0和40)\n", " counts = [label_stats[i]['count'] for i in range(41)]\n", " counts_exclude_0_40 = [label_stats[i]['count'] for i in range(1, 40)] # 1-39号标签\n", " mean_count = np.mean(counts_exclude_0_40) # 只计算1-39号标签的均值\n", " std_count = np.std(counts)\n", " min_count = np.min(counts)\n", " max_count = np.max(counts)\n", " \n", " distribution_info = {\n", " 'label_stats': label_stats,\n", " 'total_samples': total_count,\n", " 'mean_count': mean_count,\n", " 'std_count': std_count,\n", " 'min_count': min_count,\n", " 'max_count': max_count,\n", " 'imbalance_ratio': max_count / min_count if min_count > 0 else float('inf')\n", " }\n", " \n", " print(f\" 总样本数: {total_count:,}\")\n", " print(f\" 均值 (标签1-39): {mean_count:.0f}\")\n", " print(f\" 标准差: {std_count:.0f}\")\n", " print(f\" 最小值: {min_count}\")\n", " print(f\" 最大值: {max_count}\")\n", " print(f\" 不平衡比例: {distribution_info['imbalance_ratio']:.2f}\")\n", " \n", " return distribution_info\n", "\n", "def plot_label_distribution(distribution_info, title=\"Label Distribution Analysis\"):\n", " \"\"\"\n", " 可视化标签分布\n", " \"\"\"\n", " fig, (ax1, ax2) = plt.subplots(1, 2, figsize=(16, 6))\n", " \n", " # 左图:标签计数分布\n", " labels = list(range(41))\n", " counts = [distribution_info['label_stats'][i]['count'] for i in labels]\n", " percentages = [distribution_info['label_stats'][i]['percentage'] for i in labels]\n", " \n", " # 标记特殊标签\n", " colors = ['red' if i in BALANCE_CONFIG['undersample_labels'] else 'skyblue' for i in labels]\n", " \n", " bars1 = ax1.bar(labels, counts, color=colors, alpha=0.7)\n", " ax1.axhline(y=distribution_info['mean_count'], color='orange', linestyle='--', \n", " label=f'Mean (Labels 1-39): {distribution_info[\"mean_count\"]:.0f}')\n", " ax1.set_xlabel('Phoneme Label')\n", " ax1.set_ylabel('Sample Count')\n", " ax1.set_title(f'{title} - Sample Counts')\n", " ax1.legend()\n", " ax1.grid(True, alpha=0.3)\n", " \n", " # 右图:百分比分布\n", " bars2 = ax2.bar(labels, percentages, color=colors, alpha=0.7)\n", " ax2.axhline(y=100/41, color='orange', linestyle='--', \n", " label=f'Uniform: {100/41:.1f}%')\n", " ax2.set_xlabel('Phoneme Label')\n", " ax2.set_ylabel('Percentage (%)')\n", " ax2.set_title(f'{title} - Percentage Distribution')\n", " ax2.legend()\n", " ax2.grid(True, alpha=0.3)\n", " \n", " # 添加特殊标签说明\n", " if BALANCE_CONFIG['undersample_labels']:\n", " undersample_str = ', '.join(map(str, BALANCE_CONFIG['undersample_labels']))\n", " ax1.text(0.02, 0.98, f'Red bars: Labels to undersample ({undersample_str})', \n", " transform=ax1.transAxes, verticalalignment='top',\n", " bbox=dict(boxstyle='round', facecolor='wheat', alpha=0.5))\n", " \n", " plt.tight_layout()\n", " plt.show()\n", " \n", " # 打印详细统计\n", " print(f\"\\n📊 详细标签分布:\")\n", " print(\"Label | Count | Percentage | Status\")\n", " print(\"-\" * 40)\n", " \n", " for label in range(41):\n", " count = distribution_info['label_stats'][label]['count']\n", " pct = distribution_info['label_stats'][label]['percentage']\n", " \n", " if label in BALANCE_CONFIG['undersample_labels']:\n", " status = \"📉 TO UNDERSAMPLE\"\n", " elif count < distribution_info['mean_count'] * BALANCE_CONFIG['oversample_threshold']:\n", " status = \"📈 TO OVERSAMPLE\"\n", " else:\n", " status = \"✅ BALANCED\"\n", " \n", " print(f\"{label:5d} | {count:7,} | {pct:9.2f}% | {status}\")\n", "\n", "def balance_dataset(X, y, config=BALANCE_CONFIG):\n", " \"\"\"\n", " 对数据集进行平衡处理:下采样 + 过采样\n", " \n", " Args:\n", " X: 特征数据\n", " y: 标签数据\n", " config: 平衡配置\n", " \n", " Returns:\n", " X_balanced, y_balanced: 平衡后的数据\n", " \"\"\"\n", " if not config['enable_balance']:\n", " print(\"🔕 数据平衡已禁用,返回原始数据\")\n", " return X, y\n", " \n", " print(f\"\\n⚖️ 开始数据平衡处理...\")\n", " print(f\" 原始数据: {X.shape[0]:,} 样本\")\n", " \n", " # 分析当前分布 (只考虑1-39号标签的均值)\n", " label_counts = Counter(y)\n", " counts_exclude_0_40 = [label_counts.get(i, 0) for i in range(1, 40)] # 1-39号标签\n", " mean_count = np.mean(counts_exclude_0_40) # 只计算1-39号标签的均值\n", " \n", " print(f\" 均值样本数 (标签1-39): {mean_count:.0f}\")\n", " print(f\" 下采样标签: {config['undersample_labels']}\")\n", " print(f\" 过采样阈值: {config['oversample_threshold']} * 均值\")\n", " \n", " # 准备平衡后的数据\n", " X_balanced = []\n", " y_balanced = []\n", " \n", " random.seed(config['random_state'])\n", " np.random.seed(config['random_state'])\n", " \n", " for label in range(41):\n", " # 获取当前标签的所有样本\n", " label_mask = (y == label)\n", " X_label = X[label_mask]\n", " y_label = y[label_mask]\n", " current_count = len(y_label)\n", " \n", " if current_count == 0:\n", " continue\n", " \n", " # 决定采样策略\n", " if label in config['undersample_labels']:\n", " # 下采样到均值水平\n", " target_count = int(mean_count)\n", " if current_count > target_count:\n", " # 下采样\n", " indices = np.random.choice(current_count, target_count, replace=False)\n", " X_resampled = X_label[indices]\n", " y_resampled = y_label[indices]\n", " print(f\" 📉 标签 {label}: {current_count} → {target_count} (下采样)\")\n", " else:\n", " X_resampled = X_label\n", " y_resampled = y_label\n", " print(f\" ➡️ 标签 {label}: {current_count} (无需下采样)\")\n", " \n", " elif current_count < mean_count * config['oversample_threshold']:\n", " # 过采样到阈值水平\n", " target_count = int(mean_count * config['oversample_threshold'])\n", " if current_count < target_count:\n", " # 过采样\n", " X_resampled, y_resampled = resample(\n", " X_label, y_label, \n", " n_samples=target_count, \n", " random_state=config['random_state']\n", " )\n", " print(f\" 📈 标签 {label}: {current_count} → {target_count} (过采样)\")\n", " else:\n", " X_resampled = X_label\n", " y_resampled = y_label\n", " print(f\" ➡️ 标签 {label}: {current_count} (无需过采样)\")\n", " else:\n", " # 保持不变\n", " X_resampled = X_label\n", " y_resampled = y_label\n", " print(f\" ✅ 标签 {label}: {current_count} (已平衡)\")\n", " \n", " X_balanced.append(X_resampled)\n", " y_balanced.append(y_resampled)\n", " \n", " # 合并所有平衡后的数据\n", " X_balanced = np.vstack(X_balanced)\n", " y_balanced = np.hstack(y_balanced)\n", " \n", " # 随机打乱\n", " shuffle_indices = np.random.permutation(len(y_balanced))\n", " X_balanced = X_balanced[shuffle_indices]\n", " y_balanced = y_balanced[shuffle_indices]\n", " \n", " print(f\" ✅ 平衡完成: {X_balanced.shape[0]:,} 样本\")\n", " print(f\" 数据变化: {X.shape[0]:,} → {X_balanced.shape[0]:,} ({X_balanced.shape[0]/X.shape[0]:.2f}x)\")\n", " \n", " return X_balanced, y_balanced\n", "\n", "# 步骤1:分析验证集标签分布\n", "print(\"🔍 Step 1: 分析验证集标签分布特征\")\n", "val_distribution = analyze_label_distribution(data_dir, 'val', max_samples_total=100000)\n", "\n", "# 步骤2:可视化分布\n", "print(\"\\n🎨 Step 2: 可视化标签分布\")\n", "plot_label_distribution(val_distribution, \"Validation Set Label Distribution\")\n", "\n", "# 步骤3:确定平衡策略\n", "print(f\"\\n📋 Step 3: 数据平衡策略总结\")\n", "print(f\" 🎯 目标: 提升模型对少数类的识别能力\")\n", "print(f\" 📉 下采样: 标签 {BALANCE_CONFIG['undersample_labels']} → 均值水平\")\n", "print(f\" 📈 过采样: 样本数 < {BALANCE_CONFIG['oversample_threshold']} * 均值的标签\")\n", "print(f\" 🎲 随机种子: {BALANCE_CONFIG['random_state']}\")\n", "print(f\"\\n⚠️ 注意: 数据平衡将在模型训练时应用到训练集\")\n", "print(f\" 验证集和测试集保持原始分布以确保评估的客观性\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🔄 集成数据平衡的内存友好数据加载器" ] }, { "cell_type": "code", "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "🔄 创建集成数据平衡的数据加载器...\n", "✅ 平衡数据加载器创建完成:\n", " 🏋️ 训练集: 启用数据平衡 (下采样标签[0, 40] + 过采样少数类)\n", " 🔍 验证集: 保持原始分布 (确保评估客观性)\n", " 🧪 测试集: 保持原始分布 (确保评估客观性)\n", "\n", "📝 使用方式:\n", " train_dataset_balanced.load_all_data() # 自动平衡训练数据\n", " val_dataset_balanced.load_all_data() # 原始分布验证数据\n", " test_dataset_balanced.load_all_data() # 原始分布测试数据\n" ] } ], "source": [ "# 🔄 集成数据平衡的内存友好数据加载器\n", "\n", "class BalancedMemoryFriendlyDataset(MemoryFriendlyDataset):\n", " \"\"\"\n", " 扩展的内存友好数据集,集成数据平衡功能\n", " \"\"\"\n", " \n", " def __init__(self, data_dir, data_type, max_samples_per_file=3000, enable_balance=True):\n", " super().__init__(data_dir, data_type, max_samples_per_file)\n", " self.enable_balance = enable_balance\n", " self.is_training = (data_type == 'train')\n", " \n", " def load_all_data(self, apply_balance=None):\n", " \"\"\"\n", " 一次性加载所有数据(自动应用PCA,可选数据平衡)\n", " \n", " Args:\n", " apply_balance: 是否应用数据平衡 (None=根据数据类型自动判断)\n", " \"\"\"\n", " # 首先调用父类方法获取原始数据\n", " X, y = super().load_all_data()\n", " \n", " if X is None or y is None:\n", " return None, None\n", " \n", " # 决定是否应用数据平衡\n", " if apply_balance is None:\n", " apply_balance = self.enable_balance and self.is_training\n", " \n", " if apply_balance:\n", " print(f\"\\n⚖️ 对 {self.data_type} 数据应用平衡策略...\")\n", " X_balanced, y_balanced = balance_dataset(X, y, BALANCE_CONFIG)\n", " \n", " # 显示平衡前后的分布对比\n", " print(f\"\\n📊 数据平衡前后对比:\")\n", " \n", " # 原始分布\n", " original_counts = Counter(y)\n", " balanced_counts = Counter(y_balanced)\n", " \n", " print(\"Label | Original | Balanced | Change\")\n", " print(\"-\" * 40)\n", " \n", " for label in range(41):\n", " orig_count = original_counts.get(label, 0)\n", " bal_count = balanced_counts.get(label, 0)\n", " change_ratio = bal_count / orig_count if orig_count > 0 else float('inf')\n", " \n", " if orig_count > 0 or bal_count > 0:\n", " print(f\"{label:5d} | {orig_count:8,} | {bal_count:8,} | {change_ratio:6.2f}x\")\n", " \n", " return X_balanced, y_balanced\n", " else:\n", " print(f\"🔕 {self.data_type} 数据不应用平衡策略,保持原始分布\")\n", " return X, y\n", " \n", " def get_balanced_batch_generator(self, apply_balance=None):\n", " \"\"\"\n", " 返回平衡的批次生成器(自动应用PCA和数据平衡)\n", " \n", " 注意:批次级别的平衡可能不如全局平衡效果好\n", " \"\"\"\n", " if apply_balance is None:\n", " apply_balance = self.enable_balance and self.is_training\n", " \n", " if apply_balance:\n", " print(f\"⚖️ 使用平衡的批次生成器 (逐批平衡)\")\n", " \n", " for features_processed, labels in self.get_batch_generator():\n", " if apply_balance:\n", " # 对当前批次应用平衡\n", " features_balanced, labels_balanced = balance_dataset(\n", " features_processed, labels, BALANCE_CONFIG\n", " )\n", " yield features_balanced, labels_balanced\n", " else:\n", " yield features_processed, labels\n", "\n", "# 重新创建带平衡功能的数据集对象\n", "print(f\"\\n🔄 创建集成数据平衡的数据加载器...\")\n", "\n", "# 创建平衡版本的数据集对象\n", "train_dataset_balanced = BalancedMemoryFriendlyDataset(\n", " data_dir, 'train', MAX_SAMPLES_PER_FILE, enable_balance=True\n", ")\n", "val_dataset_balanced = BalancedMemoryFriendlyDataset(\n", " data_dir, 'val', MAX_SAMPLES_PER_FILE, enable_balance=False # 验证集不平衡\n", ")\n", "test_dataset_balanced = BalancedMemoryFriendlyDataset(\n", " data_dir, 'test', MAX_SAMPLES_PER_FILE, enable_balance=False # 测试集不平衡\n", ")\n", "\n", "print(f\"✅ 平衡数据加载器创建完成:\")\n", "print(f\" 🏋️ 训练集: 启用数据平衡 (下采样标签{BALANCE_CONFIG['undersample_labels']} + 过采样少数类)\")\n", "print(f\" 🔍 验证集: 保持原始分布 (确保评估客观性)\")\n", "print(f\" 🧪 测试集: 保持原始分布 (确保评估客观性)\")\n", "print(f\"\\n📝 使用方式:\")\n", "print(f\" train_dataset_balanced.load_all_data() # 自动平衡训练数据\")\n", "print(f\" val_dataset_balanced.load_all_data() # 原始分布验证数据\")\n", "print(f\" test_dataset_balanced.load_all_data() # 原始分布测试数据\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🧪 数据平衡效果测试" ] }, { "cell_type": "code", "execution_count": 13, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🧪 测试数据平衡效果...\n", "📝 加载少量训练数据进行平衡前后对比\n", "\n" ] }, { "ename": "NameError", "evalue": "name 'BalancedMemoryFriendlyDataset' is not defined", "output_type": "error", "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", "\u001b[0;32m/tmp/ipykernel_339/2684743821.py\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 7\u001b[0m \u001b[0;31m# 创建小规模测试数据集\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 8\u001b[0;31m test_train_dataset = BalancedMemoryFriendlyDataset(\n\u001b[0m\u001b[1;32m 9\u001b[0m \u001b[0mdata_dir\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'train'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmax_samples_per_file\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1000\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0menable_balance\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 10\u001b[0m )\n", "\u001b[0;31mNameError\u001b[0m: name 'BalancedMemoryFriendlyDataset' is not defined" ] } ], "source": [ "# 🧪 数据平衡效果测试\n", "\n", "# 测试数据平衡效果:加载少量训练数据进行平衡测试\n", "print(\"🧪 测试数据平衡效果...\")\n", "print(\"📝 加载少量训练数据进行平衡前后对比\\n\")\n", "\n", "# 创建小规模测试数据集\n", "test_train_dataset = BalancedMemoryFriendlyDataset(\n", " data_dir, 'train', max_samples_per_file=1000, enable_balance=True\n", ")\n", "\n", "# 小批量测试:只取第一个批次进行测试\n", "print(\"🔄 小批量测试数据平衡效果(仅测试第一个批次)...\")\n", "\n", "# 使用生成器获取第一个批次\n", "batch_generator = test_train_dataset.get_balanced_batch_generator()\n", "X_test, y_test = next(batch_generator)\n", "\n", "print(f\"\\n✅ 小批量测试完成!\")\n", "print(f\" 测试批次数据shape: {X_test.shape}\")\n", "print(f\" 特征维度: {X_test.shape[1]}\")\n", "\n", "# 分析平衡后的分布\n", "from collections import Counter\n", "balanced_counts = Counter(y_test)\n", " \n", "print(f\"\\n📊 平衡后标签分布 (前10个标签):\")\n", "for label in range(min(10, 41)):\n", " count = balanced_counts.get(label, 0)\n", " print(f\" 标签 {label}: {count:4,} 样本\")\n", "\n", "# 计算平衡效果统计\n", "counts_1_39 = [balanced_counts.get(i, 0) for i in range(1, 40)]\n", "mean_1_39 = np.mean(counts_1_39)\n", "std_1_39 = np.std(counts_1_39)\n", "\n", "print(f\"\\n📈 平衡效果统计 (单批次):\")\n", "print(f\" 标签1-39均值: {mean_1_39:.0f}\")\n", "print(f\" 标签1-39标准差: {std_1_39:.0f}\")\n", "print(f\" 标签0样本数: {balanced_counts.get(0, 0):,}\")\n", "print(f\" 标签40样本数: {balanced_counts.get(40, 0):,}\")\n", "print(f\" 目标均值参考: 389 (基于验证集统计)\")\n", "\n", "print(f\"\\n🎯 数据平衡策略已就绪!\")\n", "print(f\" ✅ 下采样: 标签0,40 → 约389样本 (基于1-39标签均值)\")\n", "print(f\" ✅ 过采样: 少数类 → 提升至{BALANCE_CONFIG['oversample_threshold']}倍均值\")\n", "print(f\" ✅ 保持原样: 其他标签保持相对平衡\")\n", "print(f\" 📝 注意: 以上是单批次测试结果,完整训练时会处理所有批次\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🚀 改进版智能数据处理管道" ] }, { "cell_type": "code", "execution_count": 11, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🚀 创建智能数据处理管道...\n" ] }, { "ename": "NameError", "evalue": "name 'data_dir' is not defined", "output_type": "error", "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", "\u001b[0;32m/tmp/ipykernel_339/4055352866.py\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 101\u001b[0m \u001b[0;31m# 创建智能数据处理管道\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 102\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"🚀 创建智能数据处理管道...\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 103\u001b[0;31m \u001b[0mpipeline\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mSmartDataPipeline\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdata_dir\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mrandom_state\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m42\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 104\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"✅ 管道创建完成,准备执行步骤1...\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;31mNameError\u001b[0m: name 'data_dir' is not defined" ] } ], "source": [ "# 🚀 改进版智能数据处理管道\n", "# 流程:分析分布 → 确定采样比率 → 拟合PCA(只下采样) → 数据处理(下采样+上采样+PCA)\n", "\n", "import numpy as np\n", "import matplotlib.pyplot as plt\n", "from collections import Counter\n", "from sklearn.utils import resample\n", "from sklearn.decomposition import PCA\n", "from sklearn.preprocessing import StandardScaler\n", "import joblib\n", "import random\n", "import gc\n", "\n", "class SmartDataPipeline:\n", " \"\"\"\n", " 智能数据处理管道\n", " 步骤1: 分析数据分布,确定采样策略\n", " 步骤2: 仅下采样拟合PCA参数\n", " 步骤3: 数据处理时应用完整采样+PCA降维\n", " \"\"\"\n", " \n", " def __init__(self, data_dir, random_state=42):\n", " self.data_dir = data_dir\n", " self.random_state = random_state\n", " \n", " # 步骤1: 分布分析结果\n", " self.distribution_analysis = None\n", " self.sampling_strategy = None\n", " \n", " # 步骤2: PCA参数(基于下采样数据拟合)\n", " self.pca_scaler = None\n", " self.pca_model = None\n", " self.pca_components = None\n", " self.pca_fitted = False\n", " \n", " # 配置参数\n", " self.undersample_labels = [0, 40] # 需要下采样的标签\n", " self.oversample_threshold = 0.5 # 过采样阈值(相对于均值)\n", " self.pca_variance_threshold = 0.95 # PCA保留方差比例\n", " self.pca_sample_size = 15000 # PCA拟合样本数\n", " \n", " def step1_analyze_distribution(self, max_samples=100000):\n", " \"\"\"\n", " 步骤1: 分析数据分布,确定采样策略\n", " \"\"\"\n", " print(\"🔍 步骤1: 分析数据分布...\")\n", " \n", " # 分析验证集分布(代表整体分布特征)\n", " all_labels = []\n", " for trials_batch, filename in load_data_batch(self.data_dir, 'val', 5000):\n", " _, labels = extract_features_labels_batch(trials_batch)\n", " all_labels.extend(labels.tolist())\n", " if len(all_labels) >= max_samples:\n", " break\n", " \n", " # 统计分析\n", " label_counts = Counter(all_labels)\n", " \n", " # 计算1-39标签的均值(排除0和40)\n", " counts_1_39 = [label_counts.get(i, 0) for i in range(1, 40)]\n", " target_mean = np.mean(counts_1_39)\n", " \n", " # 生成采样策略\n", " sampling_strategy = {}\n", " for label in range(41):\n", " current_count = label_counts.get(label, 0)\n", " \n", " if label in self.undersample_labels:\n", " # 下采样到均值水平\n", " target_count = int(target_mean)\n", " action = 'undersample' if current_count > target_count else 'keep'\n", " elif current_count < target_mean * self.oversample_threshold:\n", " # 过采样到阈值水平\n", " target_count = int(target_mean * self.oversample_threshold)\n", " action = 'oversample' if current_count < target_count else 'keep'\n", " else:\n", " # 保持不变\n", " target_count = current_count\n", " action = 'keep'\n", " \n", " sampling_strategy[label] = {\n", " 'current_count': current_count,\n", " 'target_count': target_count,\n", " 'action': action\n", " }\n", " \n", " self.distribution_analysis = {\n", " 'label_counts': label_counts,\n", " 'target_mean': target_mean,\n", " 'total_samples': len(all_labels)\n", " }\n", " self.sampling_strategy = sampling_strategy\n", " \n", " print(f\" ✅ 分析完成: {len(all_labels):,} 样本\")\n", " print(f\" 📊 标签1-39均值: {target_mean:.0f}\")\n", " print(f\" 📉 下采样标签: {self.undersample_labels} → {target_mean:.0f}\")\n", " print(f\" 📈 过采样阈值: {self.oversample_threshold} × 均值 = {target_mean * self.oversample_threshold:.0f}\")\n", " \n", " return self.distribution_analysis, self.sampling_strategy\n", "\n", "# 创建智能数据处理管道\n", "print(\"🚀 创建智能数据处理管道...\")\n", "pipeline = SmartDataPipeline(data_dir, random_state=42)\n", "print(\"✅ 管道创建完成,准备执行步骤1...\")" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "✅ 步骤2方法已添加到管道\n" ] } ], "source": [ "# 继续添加智能管道的其他方法\n", "\n", "def step2_fit_pca_with_undersampling(self):\n", " \"\"\"\n", " 步骤2: 仅对下采样数据拟合PCA参数(不进行过采样,避免PCA被过采样影响)\n", " \"\"\"\n", " if self.sampling_strategy is None:\n", " raise ValueError(\"请先执行步骤1: step1_analyze_distribution()\")\n", " \n", " print(\"\\n🔧 步骤2: 拟合PCA参数(仅下采样,不过采样)...\")\n", " \n", " # 收集用于PCA拟合的样本(只下采样,不过采样)\n", " pca_features = []\n", " collected_samples = 0\n", " \n", " for trials_batch, filename in load_data_batch(self.data_dir, 'train', 3000):\n", " features, labels = extract_features_labels_batch(trials_batch)\n", " \n", " # 对当前批次应用仅下采样策略\n", " downsampled_features, downsampled_labels = self._apply_undersampling_only(features, labels)\n", " \n", " if downsampled_features.shape[0] > 0:\n", " pca_features.append(downsampled_features)\n", " collected_samples += downsampled_features.shape[0]\n", " \n", " if collected_samples >= self.pca_sample_size:\n", " break\n", " \n", " if pca_features:\n", " # 合并样本\n", " X_pca_sample = np.vstack(pca_features)[:self.pca_sample_size]\n", " print(f\" 📦 PCA拟合样本: {X_pca_sample.shape[0]:,} 个下采样样本\")\n", " print(f\" 🔢 原始特征维度: {X_pca_sample.shape[1]}\")\n", " \n", " # 标准化\n", " self.pca_scaler = StandardScaler()\n", " X_scaled = self.pca_scaler.fit_transform(X_pca_sample)\n", " \n", " # 确定PCA成分数\n", " pca_full = PCA()\n", " pca_full.fit(X_scaled)\n", " cumsum_var = np.cumsum(pca_full.explained_variance_ratio_)\n", " optimal_components = np.argmax(cumsum_var >= self.pca_variance_threshold) + 1\n", " self.pca_components = min(optimal_components, X_pca_sample.shape[1])\n", " \n", " # 拟合最终PCA\n", " self.pca_model = PCA(n_components=self.pca_components, random_state=self.random_state)\n", " self.pca_model.fit(X_scaled)\n", " self.pca_fitted = True\n", " \n", " # 保存PCA模型\n", " pca_path = \"smart_pipeline_pca.joblib\"\n", " joblib.dump({\n", " 'scaler': self.pca_scaler,\n", " 'pca': self.pca_model,\n", " 'components': self.pca_components\n", " }, pca_path)\n", " \n", " print(f\" ✅ PCA拟合完成!\")\n", " print(f\" 降维: {X_pca_sample.shape[1]} → {self.pca_components}\")\n", " print(f\" 降维比例: {self.pca_components/X_pca_sample.shape[1]:.2%}\")\n", " print(f\" 保留方差: {self.pca_model.explained_variance_ratio_.sum():.4f}\")\n", " print(f\" 模型保存: {pca_path}\")\n", " \n", " # 清理内存\n", " del pca_features, X_pca_sample, X_scaled\n", " gc.collect()\n", " else:\n", " raise ValueError(\"无法收集PCA拟合样本\")\n", "\n", "def _apply_undersampling_only(self, X, y):\n", " \"\"\"\n", " 仅应用下采样策略(用于PCA拟合)\n", " \"\"\"\n", " X_result = []\n", " y_result = []\n", " \n", " np.random.seed(self.random_state)\n", " \n", " for label in range(41):\n", " label_mask = (y == label)\n", " X_label = X[label_mask]\n", " y_label = y[label_mask]\n", " current_count = len(y_label)\n", " \n", " if current_count == 0:\n", " continue\n", " \n", " strategy = self.sampling_strategy[label]\n", " \n", " if strategy['action'] == 'undersample' and current_count > strategy['target_count']:\n", " # 下采样\n", " indices = np.random.choice(current_count, strategy['target_count'], replace=False)\n", " X_resampled = X_label[indices]\n", " y_resampled = y_label[indices]\n", " else:\n", " # 保持原样\n", " X_resampled = X_label\n", " y_resampled = y_label\n", " \n", " X_result.append(X_resampled)\n", " y_result.append(y_resampled)\n", " \n", " if X_result:\n", " return np.vstack(X_result), np.hstack(y_result)\n", " else:\n", " return np.array([]).reshape(0, X.shape[1]), np.array([])\n", "\n", "# 动态添加方法到类\n", "SmartDataPipeline.step2_fit_pca_with_undersampling = step2_fit_pca_with_undersampling\n", "SmartDataPipeline._apply_undersampling_only = _apply_undersampling_only\n", "\n", "print(\"✅ 步骤2方法已添加到管道\")" ] }, { "cell_type": "code", "execution_count": 20, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "✅ 所有方法已添加到智能管道\n", "\n", "📋 智能数据处理管道状态:\n", " 🔍 步骤1 - 分布分析: ❌ 未完成\n", " 🔧 步骤2 - PCA拟合: ❌ 未完成\n", "\n", "🎯 使用流程:\n", " 1. pipeline.step1_analyze_distribution()\n", " 2. pipeline.step2_fit_pca_with_undersampling()\n", " 3. pipeline.step3_process_data('train') # 训练集\n", " pipeline.step3_process_data('val') # 验证集\n" ] } ], "source": [ "# 添加智能管道的剩余方法\n", "\n", "def _apply_full_sampling(self, X, y):\n", " \"\"\"\n", " 应用完整的采样策略(下采样+过采样)\n", " \"\"\"\n", " X_result = []\n", " y_result = []\n", " \n", " np.random.seed(self.random_state)\n", " \n", " for label in range(41):\n", " label_mask = (y == label)\n", " X_label = X[label_mask]\n", " y_label = y[label_mask]\n", " current_count = len(y_label)\n", " \n", " if current_count == 0:\n", " continue\n", " \n", " strategy = self.sampling_strategy[label]\n", " target_count = strategy['target_count']\n", " \n", " if strategy['action'] == 'undersample' and current_count > target_count:\n", " # 下采样\n", " indices = np.random.choice(current_count, target_count, replace=False)\n", " X_resampled = X_label[indices]\n", " y_resampled = y_label[indices]\n", " elif strategy['action'] == 'oversample' and current_count < target_count:\n", " # 过采样\n", " X_resampled, y_resampled = resample(\n", " X_label, y_label, \n", " n_samples=target_count, \n", " random_state=self.random_state\n", " )\n", " else:\n", " # 保持原样\n", " X_resampled = X_label\n", " y_resampled = y_label\n", " \n", " X_result.append(X_resampled)\n", " y_result.append(y_resampled)\n", " \n", " if X_result:\n", " return np.vstack(X_result), np.hstack(y_result)\n", " else:\n", " return np.array([]).reshape(0, X.shape[1]), np.array([])\n", "\n", "def _apply_pca_transform(self, X):\n", " \"\"\"\n", " 应用PCA变换\n", " \"\"\"\n", " if not self.pca_fitted:\n", " return X\n", " \n", " X_scaled = self.pca_scaler.transform(X)\n", " X_pca = self.pca_model.transform(X_scaled)\n", " return X_pca\n", "\n", "def step3_process_data(self, data_type, apply_sampling=None):\n", " \"\"\"\n", " 步骤3: 处理数据(采样+PCA降维)\n", " \n", " Args:\n", " data_type: 'train', 'val', 'test'\n", " apply_sampling: 是否应用采样策略,None=训练集应用,验证/测试集不应用\n", " \"\"\"\n", " if not self.pca_fitted:\n", " raise ValueError(\"请先执行步骤2: step2_fit_pca_with_undersampling()\")\n", " \n", " if apply_sampling is None:\n", " apply_sampling = (data_type == 'train')\n", " \n", " print(f\"\\n🔄 步骤3: 处理{data_type}数据...\")\n", " print(f\" 采样策略: {'启用' if apply_sampling else '禁用'}\")\n", " \n", " all_features = []\n", " all_labels = []\n", " \n", " for trials_batch, filename in load_data_batch(self.data_dir, data_type, 3000):\n", " features, labels = extract_features_labels_batch(trials_batch)\n", " \n", " # 应用采样策略\n", " if apply_sampling:\n", " features_sampled, labels_sampled = self._apply_full_sampling(features, labels)\n", " else:\n", " features_sampled, labels_sampled = features, labels\n", " \n", " # 应用PCA降维\n", " if features_sampled.shape[0] > 0:\n", " features_pca = self._apply_pca_transform(features_sampled)\n", " all_features.append(features_pca)\n", " all_labels.append(labels_sampled)\n", " \n", " if all_features:\n", " X = np.vstack(all_features)\n", " y = np.hstack(all_labels)\n", " \n", " # 随机打乱\n", " shuffle_indices = np.random.permutation(len(y))\n", " X = X[shuffle_indices]\n", " y = y[shuffle_indices]\n", " \n", " print(f\" ✅ 处理完成: {X.shape[0]:,} 样本, {X.shape[1]} 特征\")\n", " \n", " # 清理内存\n", " del all_features, all_labels\n", " gc.collect()\n", " \n", " return X, y\n", " else:\n", " return None, None\n", "\n", "def print_summary(self):\n", " \"\"\"\n", " 打印管道状态总结\n", " \"\"\"\n", " print(\"\\n📋 智能数据处理管道状态:\")\n", " print(f\" 🔍 步骤1 - 分布分析: {'✅ 完成' if self.distribution_analysis else '❌ 未完成'}\")\n", " print(f\" 🔧 步骤2 - PCA拟合: {'✅ 完成' if self.pca_fitted else '❌ 未完成'}\")\n", " \n", " if self.distribution_analysis:\n", " target_mean = self.distribution_analysis['target_mean']\n", " print(f\" 📊 标签1-39均值: {target_mean:.0f}\")\n", " \n", " if self.pca_fitted:\n", " print(f\" 🔬 PCA降维: 7168 → {self.pca_components} ({self.pca_components/7168:.1%})\")\n", " print(f\" 📈 保留方差: {self.pca_model.explained_variance_ratio_.sum():.4f}\")\n", " \n", " print(f\"\\n🎯 使用流程:\")\n", " print(f\" 1. pipeline.step1_analyze_distribution()\")\n", " print(f\" 2. pipeline.step2_fit_pca_with_undersampling()\")\n", " print(f\" 3. pipeline.step3_process_data('train') # 训练集\")\n", " print(f\" pipeline.step3_process_data('val') # 验证集\")\n", "\n", "# 动态添加剩余方法到类\n", "SmartDataPipeline._apply_full_sampling = _apply_full_sampling\n", "SmartDataPipeline._apply_pca_transform = _apply_pca_transform\n", "SmartDataPipeline.step3_process_data = step3_process_data\n", "SmartDataPipeline.print_summary = print_summary\n", "\n", "print(\"✅ 所有方法已添加到智能管道\")\n", "pipeline.print_summary()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🔥 执行智能数据处理管道" ] }, { "cell_type": "code", "execution_count": 21, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🚀 开始执行智能数据处理管道...\n", "============================================================\n", "\n", "======================🔍 STEP 1: 分析数据分布======================\n", "🔍 步骤1: 分析数据分布...\n", " 正在加载文件 1/41: t15.2023.11.17_val_concatenated.npz\n", " 正在加载文件 2/41: t15.2023.12.17_val_concatenated.npz\n", " 正在加载文件 3/41: t15.2023.10.15_val_concatenated.npz\n", " 正在加载文件 4/41: t15.2023.10.08_val_concatenated.npz\n", " 正在加载文件 5/41: t15.2025.01.10_val_concatenated.npz\n", " 正在加载文件 6/41: t15.2023.12.08_val_concatenated.npz\n", " 正在加载文件 7/41: t15.2024.03.08_val_concatenated.npz\n", " 正在加载文件 8/41: t15.2024.03.15_val_concatenated.npz\n", " 正在加载文件 9/41: t15.2025.03.14_val_concatenated.npz\n", " 正在加载文件 10/41: t15.2024.02.25_val_concatenated.npz\n", " 正在加载文件 11/41: t15.2025.03.30_val_concatenated.npz\n", " 正在加载文件 12/41: t15.2023.09.29_val_concatenated.npz\n", " 正在加载文件 13/41: t15.2023.09.01_val_concatenated.npz\n", " ✅ 分析完成: 101,906 样本\n", " 📊 标签1-39均值: 389\n", " 📉 下采样标签: [0, 40] → 389\n", " 📈 过采样阈值: 0.5 × 均值 = 194\n", "\n", "📊 采样策略总结:\n", " 📉 下采样标签: 2 个\n", " 📈 过采样标签: 11 个\n", " ✅ 保持不变: 28 个\n", "\n", "✅ 步骤1完成!\n" ] } ], "source": [ "# 🔥 执行智能数据处理管道\n", "\n", "print(\"🚀 开始执行智能数据处理管道...\")\n", "print(\"=\" * 60)\n", "\n", "# 步骤1: 分析数据分布\n", "print(\"\\n\" + \"🔍 STEP 1: 分析数据分布\".center(60, \"=\"))\n", "distribution, strategy = pipeline.step1_analyze_distribution()\n", "\n", "# 显示采样策略总结\n", "print(f\"\\n📊 采样策略总结:\")\n", "undersample_count = sum(1 for s in strategy.values() if s['action'] == 'undersample')\n", "oversample_count = sum(1 for s in strategy.values() if s['action'] == 'oversample')\n", "keep_count = sum(1 for s in strategy.values() if s['action'] == 'keep')\n", "\n", "print(f\" 📉 下采样标签: {undersample_count} 个\")\n", "print(f\" 📈 过采样标签: {oversample_count} 个\") \n", "print(f\" ✅ 保持不变: {keep_count} 个\")\n", "\n", "print(\"\\n✅ 步骤1完成!\")" ] }, { "cell_type": "code", "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "=====================🔧 STEP 2: 拟合PCA参数======================\n", "\n", "🔧 步骤2: 拟合PCA参数(仅下采样,不过采样)...\n", " 正在加载文件 1/45: t15.2025.04.13_train_concatenated.npz\n", " 正在加载文件 2/45: t15.2024.07.21_train_concatenated.npz\n", " 正在加载文件 3/45: t15.2024.03.17_train_concatenated.npz\n", " 📦 PCA拟合样本: 15,000 个下采样样本\n", " 🔢 原始特征维度: 7168\n", " ✅ PCA拟合完成!\n", " 降维: 7168 → 1219\n", " 降维比例: 17.01%\n", " 保留方差: 0.9491\n", " 模型保存: smart_pipeline_pca.joblib\n", "\n", "✅ 步骤2完成!\n", "\n", "📋 智能数据处理管道状态:\n", " 🔍 步骤1 - 分布分析: ✅ 完成\n", " 🔧 步骤2 - PCA拟合: ✅ 完成\n", " 📊 标签1-39均值: 389\n", " 🔬 PCA降维: 7168 → 1219 (17.0%)\n", " 📈 保留方差: 0.9491\n", "\n", "🎯 使用流程:\n", " 1. pipeline.step1_analyze_distribution()\n", " 2. pipeline.step2_fit_pca_with_undersampling()\n", " 3. pipeline.step3_process_data('train') # 训练集\n", " pipeline.step3_process_data('val') # 验证集\n" ] } ], "source": [ "# 步骤2: 拟合PCA参数(仅下采样)\n", "print(\"\\n\" + \"🔧 STEP 2: 拟合PCA参数\".center(60, \"=\"))\n", "pipeline.step2_fit_pca_with_undersampling()\n", "\n", "print(\"\\n✅ 步骤2完成!\")\n", "pipeline.print_summary()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🎉 智能数据处理管道完成总结" ] }, { "cell_type": "code", "execution_count": 23, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🎉 智能数据处理管道设置完成!\n", "================================================================================\n", "\n", "🚀 **改进版数据处理管道优势:**\n", "\n", "📊 **数据平衡策略:**\n", " ✅ 基于验证集分析确定采样比率\n", " ✅ 标签0,40下采样至389样本(1-39标签均值)\n", " ✅ 11个少数类标签过采样至194样本(50%均值阈值)\n", " ✅ 28个标签保持原有平衡\n", "\n", "🔬 **PCA优化策略:**\n", " ✅ PCA拟合仅使用下采样数据(避免过采样偏差)\n", " ✅ 降维:7168 → 1219 特征(17.0%,节省83%内存)\n", " ✅ 保留94.91%方差(信息损失最小)\n", " ✅ 基于真实数据分布拟合,不受人工增强影响\n", "\n", "⚡ **数据处理流程:**\n", " 1️⃣ 分析分布 → 确定采样策略(基于验证集)\n", " 2️⃣ 拟合PCA → 仅下采样数据(无过采样偏差)\n", " 3️⃣ 数据处理 → 下采样+过采样+PCA降维(完整流程)\n", "\n", "🎯 **模型训练准备:**\n", " ✅ 训练集:应用完整平衡策略 + PCA降维\n", " ✅ 验证集:仅PCA降维(保持原始分布)\n", " ✅ 测试集:仅PCA降维(保持原始分布)\n", "\n", "💾 **内存效率:**\n", " ✅ 特征维度减少83%:7168 → 1219\n", " ✅ 批次处理避免内存溢出\n", " ✅ 自动内存清理\n", "\n", "📈 **预期效果:**\n", " ✅ 提升少数类识别能力\n", " ✅ 降低blank标签过拟合\n", " ✅ 保持模型泛化能力\n", " ✅ 加速训练过程\n", "\n", "🔥 **下一步:使用管道处理数据并训练模型**\n", "\n", "# 使用示例:\n", "# 训练数据(应用完整平衡+PCA)\n", "X_train, y_train = pipeline.step3_process_data('train')\n", "\n", "# 验证数据(仅PCA,保持原始分布)\n", "X_val, y_val = pipeline.step3_process_data('val')\n", "\n", "# 使用处理后的数据训练LightGBM模型\n", "# model = lgb.train(params, lgb.Dataset(X_train, y_train), \n", "# valid_sets=[lgb.Dataset(X_val, y_val)])\n", "\n", "✅ 智能数据处理管道已就绪,可以开始模型训练!\n" ] } ], "source": [ "# 🎉 智能数据处理管道完成总结\n", "\n", "print(\"🎉 智能数据处理管道设置完成!\")\n", "print(\"=\" * 80)\n", "\n", "print(f\"\"\"\n", "🚀 **改进版数据处理管道优势:**\n", "\n", "📊 **数据平衡策略:**\n", " ✅ 基于验证集分析确定采样比率\n", " ✅ 标签0,40下采样至389样本(1-39标签均值)\n", " ✅ 11个少数类标签过采样至194样本(50%均值阈值)\n", " ✅ 28个标签保持原有平衡\n", "\n", "🔬 **PCA优化策略:**\n", " ✅ PCA拟合仅使用下采样数据(避免过采样偏差)\n", " ✅ 降维:7168 → 1219 特征(17.0%,节省83%内存)\n", " ✅ 保留94.91%方差(信息损失最小)\n", " ✅ 基于真实数据分布拟合,不受人工增强影响\n", "\n", "⚡ **数据处理流程:**\n", " 1️⃣ 分析分布 → 确定采样策略(基于验证集)\n", " 2️⃣ 拟合PCA → 仅下采样数据(无过采样偏差)\n", " 3️⃣ 数据处理 → 下采样+过采样+PCA降维(完整流程)\n", "\n", "🎯 **模型训练准备:**\n", " ✅ 训练集:应用完整平衡策略 + PCA降维\n", " ✅ 验证集:仅PCA降维(保持原始分布)\n", " ✅ 测试集:仅PCA降维(保持原始分布)\n", "\n", "💾 **内存效率:**\n", " ✅ 特征维度减少83%:7168 → 1219\n", " ✅ 批次处理避免内存溢出\n", " ✅ 自动内存清理\n", "\n", "📈 **预期效果:**\n", " ✅ 提升少数类识别能力\n", " ✅ 降低blank标签过拟合\n", " ✅ 保持模型泛化能力\n", " ✅ 加速训练过程\n", "\"\"\")\n", "\n", "print(\"🔥 **下一步:使用管道处理数据并训练模型**\")\n", "print(f\"\"\"\n", "# 使用示例:\n", "# 训练数据(应用完整平衡+PCA)\n", "X_train, y_train = pipeline.step3_process_data('train')\n", "\n", "# 验证数据(仅PCA,保持原始分布)\n", "X_val, y_val = pipeline.step3_process_data('val')\n", "\n", "# 使用处理后的数据训练LightGBM模型\n", "# model = lgb.train(params, lgb.Dataset(X_train, y_train), \n", "# valid_sets=[lgb.Dataset(X_val, y_val)])\n", "\"\"\")\n", "\n", "print(\"✅ 智能数据处理管道已就绪,可以开始模型训练!\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🚀 使用智能管道进行分批训练" ] }, { "cell_type": "code", "execution_count": 17, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🚀 创建智能分批训练器...\n" ] }, { "ename": "NameError", "evalue": "name 'pipeline' is not defined", "output_type": "error", "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", "\u001b[0;32m/tmp/ipykernel_339/1028762139.py\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 229\u001b[0m \u001b[0;31m# 创建智能分批训练器\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 230\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"🚀 创建智能分批训练器...\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 231\u001b[0;31m \u001b[0mtrainer\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mSmartBatchTrainer\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpipeline\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 232\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"✅ 训练器创建完成,准备开始训练!\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;31mNameError\u001b[0m: name 'pipeline' is not defined" ] } ], "source": [ "# 🚀 使用智能管道进行分批训练\n", "\n", "import lightgbm as lgb\n", "import time\n", "from collections import Counter\n", "import matplotlib.pyplot as plt\n", "\n", "class SmartBatchTrainer:\n", " \"\"\"\n", " 智能分批训练器,集成智能数据管道\n", " \"\"\"\n", " \n", " def __init__(self, pipeline, params=None):\n", " self.pipeline = pipeline\n", " self.model = None\n", " self.training_history = []\n", " self.batch_count = 0\n", " \n", " # 默认LightGBM参数(GPU优化)\n", " self.params = params or {\n", " 'objective': 'multiclass',\n", " 'num_class': 41,\n", " 'metric': 'multi_logloss',\n", " 'boosting_type': 'gbdt',\n", " 'device_type': 'gpu',\n", " 'gpu_platform_id': 0,\n", " 'gpu_device_id': 0,\n", " 'max_bin': 255,\n", " 'num_leaves': 127,\n", " 'learning_rate': 0.08,\n", " 'feature_fraction': 0.8,\n", " 'bagging_fraction': 0.8,\n", " 'bagging_freq': 5,\n", " 'min_data_in_leaf': 20,\n", " 'lambda_l1': 0.1,\n", " 'lambda_l2': 0.1,\n", " 'verbose': -1,\n", " 'num_threads': -1\n", " }\n", " \n", " print(f\"🎯 智能分批训练器创建完成\")\n", " print(f\" 🔧 LightGBM参数已配置:{self.params['device_type'].upper()}模式\")\n", " \n", " def prepare_validation_data(self):\n", " \"\"\"\n", " 准备验证数据(仅PCA,保持原始分布)\n", " \"\"\"\n", " print(\"🔄 准备验证数据...\")\n", " self.X_val, self.y_val = self.pipeline.step3_process_data('val', apply_sampling=False)\n", " \n", " if self.X_val is None:\n", " raise ValueError(\"无法加载验证数据\")\n", " \n", " # 分析验证集分布\n", " val_counts = Counter(self.y_val)\n", " print(f\" ✅ 验证数据准备完成: {self.X_val.shape[0]:,} 样本, {self.X_val.shape[1]} 特征\")\n", " print(f\" 📊 验证集保持原始分布 (标签0: {val_counts.get(0, 0):,}, 标签40: {val_counts.get(40, 0):,})\")\n", " \n", " return lgb.Dataset(self.X_val, label=self.y_val, free_raw_data=False)\n", " \n", " def get_training_batch_generator(self):\n", " \"\"\"\n", " 获取训练批次生成器(平衡采样+PCA)\n", " \"\"\"\n", " print(\"🔄 准备训练批次生成器...\")\n", " \n", " # 使用管道的批次生成器\n", " for trials_batch, filename in load_data_batch(self.pipeline.data_dir, 'train', 2000):\n", " features, labels = extract_features_labels_batch(trials_batch)\n", " \n", " # 应用完整采样策略\n", " features_sampled, labels_sampled = self.pipeline._apply_full_sampling(features, labels)\n", " \n", " # 应用PCA降维\n", " if features_sampled.shape[0] > 0:\n", " features_pca = self.pipeline._apply_pca_transform(features_sampled)\n", " \n", " # 分析当前批次分布\n", " batch_counts = Counter(labels_sampled)\n", " \n", " print(f\" 📦 批次: {filename}\")\n", " print(f\" 样本数: {features_pca.shape[0]:,}\")\n", " print(f\" 平衡后分布: 标签0={batch_counts.get(0,0)}, 标签40={batch_counts.get(40,0)}\")\n", " \n", " yield lgb.Dataset(features_pca, label=labels_sampled), filename\n", " \n", " def train_incremental(self, num_boost_round=100, early_stopping_rounds=10):\n", " \"\"\"\n", " 增量分批训练\n", " \"\"\"\n", " print(f\"\\n🚀 开始智能分批训练...\")\n", " print(f\" 📝 训练轮数: {num_boost_round}\")\n", " print(f\" ⏹️ 早停轮数: {early_stopping_rounds}\")\n", " print(\"=\" * 60)\n", " \n", " # 准备验证数据\n", " val_data = self.prepare_validation_data()\n", " \n", " print(f\"\\n🔄 开始分批增量训练...\")\n", " total_start_time = time.time()\n", " \n", " for train_data, filename in self.get_training_batch_generator():\n", " self.batch_count += 1\n", " batch_start_time = time.time()\n", " \n", " print(f\"\\n📈 批次 {self.batch_count}: {filename}\")\n", " \n", " # 训练当前批次\n", " if self.model is None:\n", " # 第一个批次:初始训练\n", " print(\" 🎯 初始模型训练...\")\n", " self.model = lgb.train(\n", " params=self.params,\n", " train_set=train_data,\n", " num_boost_round=num_boost_round,\n", " valid_sets=[val_data],\n", " valid_names=['validation'],\n", " callbacks=[\n", " lgb.early_stopping(stopping_rounds=early_stopping_rounds, verbose=True),\n", " lgb.log_evaluation(period=20)\n", " ]\n", " )\n", " else:\n", " # 后续批次:继续训练\n", " print(\" ⚡ 增量训练...\")\n", " self.model = lgb.train(\n", " params=self.params,\n", " train_set=train_data,\n", " num_boost_round=num_boost_round,\n", " init_model=self.model,\n", " valid_sets=[val_data],\n", " valid_names=['validation'],\n", " callbacks=[\n", " lgb.early_stopping(stopping_rounds=early_stopping_rounds, verbose=True),\n", " lgb.log_evaluation(period=20)\n", " ]\n", " )\n", " \n", " # 记录训练历史\n", " batch_time = time.time() - batch_start_time\n", " \n", " # 评估当前模型 - 直接使用存储的验证数据\n", " val_pred = self.model.predict(self.X_val)\n", " val_accuracy = (val_pred.argmax(axis=1) == self.y_val).mean()\n", " \n", " batch_info = {\n", " 'batch': self.batch_count,\n", " 'filename': filename,\n", " 'time': batch_time,\n", " 'val_accuracy': val_accuracy,\n", " 'num_trees': self.model.num_trees()\n", " }\n", " \n", " self.training_history.append(batch_info)\n", " \n", " print(f\" ✅ 批次完成: {batch_time:.1f}秒\")\n", " print(f\" 📊 验证准确率: {val_accuracy:.4f}\")\n", " print(f\" 🌳 模型树数: {self.model.num_trees()}\")\n", " \n", " # 保存中间模型\n", " model_path = f\"smart_batch_model_batch_{self.batch_count}.txt\"\n", " self.model.save_model(model_path)\n", " print(f\" 💾 模型已保存: {model_path}\")\n", " \n", " total_time = time.time() - total_start_time\n", " print(f\"\\n🎉 智能分批训练完成!\")\n", " print(f\" ⏱️ 总训练时间: {total_time:.1f}秒\")\n", " print(f\" 📊 处理批次数: {self.batch_count}\")\n", " print(f\" 🌳 最终模型树数: {self.model.num_trees()}\")\n", " \n", " return self.model\n", " \n", " def plot_training_progress(self):\n", " \"\"\"\n", " 绘制训练进度\n", " \"\"\"\n", " if not self.training_history:\n", " print(\"❌ 没有训练历史记录\")\n", " return\n", " \n", " fig, ((ax1, ax2), (ax3, ax4)) = plt.subplots(2, 2, figsize=(15, 10))\n", " \n", " batches = [h['batch'] for h in self.training_history]\n", " accuracies = [h['val_accuracy'] for h in self.training_history]\n", " times = [h['time'] for h in self.training_history]\n", " trees = [h['num_trees'] for h in self.training_history]\n", " \n", " # 验证准确率\n", " ax1.plot(batches, accuracies, 'b-o', linewidth=2, markersize=6)\n", " ax1.set_xlabel('Training Batch')\n", " ax1.set_ylabel('Validation Accuracy')\n", " ax1.set_title('Validation Accuracy Progress')\n", " ax1.grid(True, alpha=0.3)\n", " ax1.set_ylim(0, 1)\n", " \n", " # 批次训练时间\n", " ax2.bar(batches, times, color='green', alpha=0.7)\n", " ax2.set_xlabel('Training Batch')\n", " ax2.set_ylabel('Training Time (seconds)')\n", " ax2.set_title('Training Time per Batch')\n", " ax2.grid(True, alpha=0.3)\n", " \n", " # 模型树数增长\n", " ax3.plot(batches, trees, 'r-s', linewidth=2, markersize=6)\n", " ax3.set_xlabel('Training Batch')\n", " ax3.set_ylabel('Number of Trees')\n", " ax3.set_title('Model Complexity Growth')\n", " ax3.grid(True, alpha=0.3)\n", " \n", " # 累计准确率提升\n", " ax4.plot(batches, [acc - accuracies[0] for acc in accuracies], 'purple', linewidth=2, marker='D')\n", " ax4.set_xlabel('Training Batch')\n", " ax4.set_ylabel('Accuracy Improvement')\n", " ax4.set_title('Cumulative Accuracy Improvement')\n", " ax4.grid(True, alpha=0.3)\n", " ax4.axhline(y=0, color='black', linestyle='--', alpha=0.5)\n", " \n", " plt.tight_layout()\n", " plt.show()\n", " \n", " # 打印统计信息\n", " print(f\"\\n📈 训练进度统计:\")\n", " print(f\" 🎯 初始准确率: {accuracies[0]:.4f}\")\n", " print(f\" 🎯 最终准确率: {accuracies[-1]:.4f}\")\n", " print(f\" 📈 准确率提升: {accuracies[-1] - accuracies[0]:.4f}\")\n", " print(f\" ⏱️ 平均批次时间: {np.mean(times):.1f}秒\")\n", " print(f\" 🌳 最终模型树数: {trees[-1]}\")\n", "\n", "# 创建智能分批训练器\n", "print(\"🚀 创建智能分批训练器...\")\n", "trainer = SmartBatchTrainer(pipeline)\n", "print(\"✅ 训练器创建完成,准备开始训练!\")" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# 🔥 开始智能分批训练\n", "\n", "print(\"🔥 开始智能分批训练!\")\n", "print(\"=\" * 80)\n", "\n", "# 训练参数\n", "TRAINING_PARAMS = {\n", " 'num_boost_round': 100, # 每批次的提升轮数\n", " 'early_stopping_rounds': 15 # 早停轮数\n", "}\n", "\n", "print(f\"📝 训练配置:\")\n", "print(f\" 每批次训练轮数: {TRAINING_PARAMS['num_boost_round']}\")\n", "print(f\" 早停轮数: {TRAINING_PARAMS['early_stopping_rounds']}\")\n", "print(f\" 数据平衡: 启用(下采样标签0,40 + 过采样少数类)\")\n", "print(f\" PCA降维: 7168 → {pipeline.pca_components} 特征\")\n", "print(f\" GPU加速: 启用\")\n", "\n", "print(f\"\\n🚀 启动训练...\")\n", "\n", "# 开始训练\n", "model = trainer.train_incremental(\n", " num_boost_round=TRAINING_PARAMS['num_boost_round'],\n", " early_stopping_rounds=TRAINING_PARAMS['early_stopping_rounds']\n", ")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🔧 修复训练器数据访问问题" ] }, { "cell_type": "code", "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🔧 修复训练器的数据访问问题...\n" ] }, { "ename": "NameError", "evalue": "name 'SmartBatchTrainer' is not defined", "output_type": "error", "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", "\u001b[0;32m/tmp/ipykernel_339/4077438091.py\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 110\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 111\u001b[0m \u001b[0;31m# 应用修复到训练器\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 112\u001b[0;31m \u001b[0mSmartBatchTrainer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mprepare_validation_data\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mprepare_validation_data_fixed\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 113\u001b[0m \u001b[0mSmartBatchTrainer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtrain_incremental\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtrain_incremental_fixed\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 114\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;31mNameError\u001b[0m: name 'SmartBatchTrainer' is not defined" ] } ], "source": [ "# 🔧 修复训练器数据访问问题\n", "\n", "print(\"🔧 修复训练器的数据访问问题...\")\n", "\n", "# 修复prepare_validation_data方法\n", "def prepare_validation_data_fixed(self):\n", " \"\"\"\n", " 准备验证数据(仅PCA,保持原始分布)- 修复版\n", " \"\"\"\n", " print(\"🔄 准备验证数据...\")\n", " self.X_val, self.y_val = self.pipeline.step3_process_data('val', apply_sampling=False)\n", " \n", " if self.X_val is None:\n", " raise ValueError(\"无法加载验证数据\")\n", " \n", " # 分析验证集分布\n", " val_counts = Counter(self.y_val)\n", " print(f\" ✅ 验证数据准备完成: {self.X_val.shape[0]:,} 样本, {self.X_val.shape[1]} 特征\")\n", " print(f\" 📊 验证集保持原始分布 (标签0: {val_counts.get(0, 0):,}, 标签40: {val_counts.get(40, 0):,})\")\n", " \n", " # 设置free_raw_data=False以保持数据访问\n", " return lgb.Dataset(self.X_val, label=self.y_val, free_raw_data=False)\n", "\n", "# 修复train_incremental方法中的评估部分\n", "def train_incremental_fixed(self, num_boost_round=100, early_stopping_rounds=15):\n", " \"\"\"\n", " 增量分批训练 - 修复版\n", " \"\"\"\n", " print(f\"\\n🚀 开始智能分批训练...\")\n", " print(f\" 📝 训练轮数: {num_boost_round}\")\n", " print(f\" ⏹️ 早停轮数: {early_stopping_rounds}\")\n", " print(\"=\" * 60)\n", " \n", " # 准备验证数据\n", " val_data = self.prepare_validation_data()\n", " \n", " print(f\"\\n🔄 开始分批增量训练...\")\n", " total_start_time = time.time()\n", " \n", " for train_data, filename in self.get_training_batch_generator():\n", " self.batch_count += 1\n", " batch_start_time = time.time()\n", " \n", " print(f\"\\n📈 批次 {self.batch_count}: {filename}\")\n", " \n", " # 训练当前批次\n", " if self.model is None:\n", " # 第一个批次:初始训练\n", " print(\" 🎯 初始模型训练...\")\n", " self.model = lgb.train(\n", " params=self.params,\n", " train_set=train_data,\n", " num_boost_round=num_boost_round,\n", " valid_sets=[val_data],\n", " valid_names=['validation'],\n", " callbacks=[\n", " lgb.early_stopping(stopping_rounds=early_stopping_rounds, verbose=True),\n", " lgb.log_evaluation(period=20)\n", " ]\n", " )\n", " else:\n", " # 后续批次:继续训练\n", " print(\" ⚡ 增量训练...\")\n", " self.model = lgb.train(\n", " params=self.params,\n", " train_set=train_data,\n", " num_boost_round=num_boost_round,\n", " init_model=self.model,\n", " valid_sets=[val_data],\n", " valid_names=['validation'],\n", " callbacks=[\n", " lgb.early_stopping(stopping_rounds=early_stopping_rounds, verbose=True),\n", " lgb.log_evaluation(period=20)\n", " ]\n", " )\n", " \n", " # 记录训练历史\n", " batch_time = time.time() - batch_start_time\n", " \n", " # 评估当前模型 - 使用存储的验证数据\n", " val_pred = self.model.predict(self.X_val)\n", " val_accuracy = (val_pred.argmax(axis=1) == self.y_val).mean()\n", " \n", " batch_info = {\n", " 'batch': self.batch_count,\n", " 'filename': filename,\n", " 'time': batch_time,\n", " 'val_accuracy': val_accuracy,\n", " 'num_trees': self.model.num_trees()\n", " }\n", " \n", " self.training_history.append(batch_info)\n", " \n", " print(f\" ✅ 批次完成: {batch_time:.1f}秒\")\n", " print(f\" 📊 验证准确率: {val_accuracy:.4f}\")\n", " print(f\" 🌳 模型树数: {self.model.num_trees()}\")\n", " \n", " # 保存中间模型\n", " model_path = f\"smart_batch_model_batch_{self.batch_count}.txt\"\n", " self.model.save_model(model_path)\n", " print(f\" 💾 模型已保存: {model_path}\")\n", " \n", " total_time = time.time() - total_start_time\n", " print(f\"\\n🎉 智能分批训练完成!\")\n", " print(f\" ⏱️ 总训练时间: {total_time:.1f}秒\")\n", " print(f\" 📊 处理批次数: {self.batch_count}\")\n", " print(f\" 🎯 最终验证准确率: {self.training_history[-1]['val_accuracy']:.4f}\")\n", " \n", " return self.model\n", "\n", "# 应用修复到训练器\n", "SmartBatchTrainer.prepare_validation_data = prepare_validation_data_fixed\n", "SmartBatchTrainer.train_incremental = train_incremental_fixed\n", "\n", "print(\"✅ 训练器数据访问问题已修复!\")\n", "print(\"🔄 重新创建训练器...\")\n", "\n", "# 重新创建修复后的训练器\n", "trainer = SmartBatchTrainer(pipeline)\n", "print(\"✅ 修复后的训练器创建完成!\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 📊 训练结果分析" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# 📊 训练结果分析和可视化\n", "\n", "print(\"📊 分析智能分批训练结果...\")\n", "print(\"=\" * 60)\n", "\n", "# 显示训练进度图表\n", "trainer.plot_training_progress()\n", "\n", "# 保存最终模型\n", "final_model_path = \"smart_pipeline_final_model.txt\"\n", "if trainer.model:\n", " trainer.model.save_model(final_model_path)\n", " print(f\"\\n💾 最终模型已保存: {final_model_path}\")\n", "\n", "# 详细分析\n", "if trainer.training_history:\n", " print(f\"\\n📈 详细训练分析:\")\n", " print(f\" 🎯 训练批次总数: {len(trainer.training_history)}\")\n", " \n", " # 最佳批次\n", " best_batch = max(trainer.training_history, key=lambda x: x['val_accuracy'])\n", " print(f\" 🏆 最佳验证准确率: {best_batch['val_accuracy']:.4f} (批次 {best_batch['batch']})\")\n", " \n", " # 训练效率\n", " total_training_time = sum(h['time'] for h in trainer.training_history)\n", " avg_batch_time = total_training_time / len(trainer.training_history)\n", " print(f\" ⏱️ 总训练时间: {total_training_time:.1f}秒\")\n", " print(f\" ⏱️ 平均批次时间: {avg_batch_time:.1f}秒\")\n", " \n", " # 模型复杂度\n", " final_trees = trainer.training_history[-1]['num_trees']\n", " print(f\" 🌳 最终模型树数: {final_trees}\")\n", " \n", " # 收敛性分析\n", " recent_accs = [h['val_accuracy'] for h in trainer.training_history[-3:]]\n", " if len(recent_accs) >= 2:\n", " acc_stability = max(recent_accs) - min(recent_accs)\n", " print(f\" 📈 准确率稳定性: {acc_stability:.4f} (最近3批次方差)\")\n", " \n", " if acc_stability < 0.01:\n", " print(\" ✅ 模型已收敛 (准确率变化 < 1%)\")\n", " else:\n", " print(\" ⚠️ 模型可能需要更多训练\")\n", "\n", "print(f\"\\n🎉 智能分批训练分析完成!\")\n", "print(f\" 💡 使用了改进的数据平衡策略和PCA降维\")\n", "print(f\" 💡 训练集应用了下采样+过采样,验证集保持原始分布\")\n", "print(f\" 💡 实现了内存友好的分批处理\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 🧪 模型性能评估" ] }, { "cell_type": "code", "execution_count": 18, "metadata": {}, "outputs": [ { "ename": "NameError", "evalue": "name 'trainer' is not defined", "output_type": "error", "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", "\u001b[0;32m/tmp/ipykernel_339/1749933122.py\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 87\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 88\u001b[0m \u001b[0;31m# 评估模型性能\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 89\u001b[0;31m \u001b[0;32mif\u001b[0m \u001b[0mtrainer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 90\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"🧪 开始模型性能评估...\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 91\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;31mNameError\u001b[0m: name 'trainer' is not defined" ] } ], "source": [ "# 🧪 模型性能评估\n", "\n", "from sklearn.metrics import classification_report, confusion_matrix\n", "import numpy as np\n", "\n", "def evaluate_model_performance(model, pipeline, data_type='val'):\n", " \"\"\"\n", " 评估模型在指定数据集上的性能\n", " \"\"\"\n", " print(f\"🧪 评估模型在{data_type}数据集上的性能...\")\n", " \n", " # 加载数据\n", " X, y = pipeline.step3_process_data(data_type, apply_sampling=False)\n", " \n", " if X is None or y is None:\n", " print(f\"❌ 无法加载{data_type}数据\")\n", " return None\n", " \n", " print(f\" 📊 数据集大小: {X.shape[0]:,} 样本, {X.shape[1]} 特征\")\n", " \n", " # 预测\n", " start_time = time.time()\n", " y_pred_proba = model.predict(X)\n", " y_pred = y_pred_proba.argmax(axis=1)\n", " pred_time = time.time() - start_time\n", " \n", " # 计算性能指标\n", " accuracy = (y_pred == y).mean()\n", " \n", " print(f\" ⏱️ 预测时间: {pred_time:.2f}秒\")\n", " print(f\" 🎯 整体准确率: {accuracy:.4f}\")\n", " \n", " # 分析各类别性能\n", " from collections import Counter\n", " true_counts = Counter(y)\n", " pred_counts = Counter(y_pred)\n", " \n", " print(f\"\\n📊 标签分布对比:\")\n", " print(\"标签 | 真实数量 | 预测数量 | 准确率\")\n", " print(\"-\" * 40)\n", " \n", " label_accuracies = {}\n", " for label in range(41):\n", " if label in true_counts:\n", " label_mask = (y == label)\n", " if label_mask.sum() > 0:\n", " label_acc = (y_pred[label_mask] == label).mean()\n", " label_accuracies[label] = label_acc\n", " true_count = true_counts.get(label, 0)\n", " pred_count = pred_counts.get(label, 0)\n", " print(f\"{label:4d} | {true_count:8,} | {pred_count:8,} | {label_acc:7.3f}\")\n", " \n", " # 重点分析关键标签\n", " print(f\"\\n🔍 关键标签性能分析:\")\n", " key_labels = [0, 40] # 下采样的标签\n", " for label in key_labels:\n", " if label in label_accuracies:\n", " acc = label_accuracies[label]\n", " count = true_counts.get(label, 0)\n", " print(f\" 标签 {label} (下采样目标): 准确率 {acc:.4f}, 样本数 {count:,}\")\n", " \n", " # 少数类性能\n", " minority_labels = [label for label, count in true_counts.items() \n", " if count < 200 and label not in [0, 40]]\n", " if minority_labels:\n", " minority_accs = [label_accuracies.get(label, 0) for label in minority_labels[:5]]\n", " avg_minority_acc = np.mean(minority_accs) if minority_accs else 0\n", " print(f\" 少数类平均准确率 (前5个): {avg_minority_acc:.4f}\")\n", " \n", " # 置信度分析\n", " max_proba = y_pred_proba.max(axis=1)\n", " print(f\"\\n📈 预测置信度分析:\")\n", " print(f\" 平均置信度: {max_proba.mean():.4f}\")\n", " print(f\" 置信度中位数: {np.median(max_proba):.4f}\")\n", " print(f\" 高置信度预测 (>0.9): {(max_proba > 0.9).sum():,} / {len(max_proba):,} ({(max_proba > 0.9).mean():.2%})\")\n", " \n", " return {\n", " 'accuracy': accuracy,\n", " 'prediction_time': pred_time,\n", " 'label_accuracies': label_accuracies,\n", " 'confidence_stats': {\n", " 'mean': max_proba.mean(),\n", " 'median': np.median(max_proba),\n", " 'high_confidence_ratio': (max_proba > 0.9).mean()\n", " }\n", " }\n", "\n", "# 评估模型性能\n", "if trainer.model:\n", " print(\"🧪 开始模型性能评估...\")\n", " \n", " # 验证集评估\n", " val_results = evaluate_model_performance(trainer.model, pipeline, 'val')\n", " \n", " print(f\"\\n\" + \"=\"*60)\n", " print(\"🎉 智能分批训练+数据平衡 评估完成!\")\n", " print(f\"✅ 实现了数据平衡和PCA降维的完整流程\")\n", " print(f\"✅ 使用了内存友好的分批训练策略\")\n", " print(f\"✅ 保持了验证集的原始分布以确保评估客观性\")\n", "else:\n", " print(\"❌ 模型尚未训练完成,请等待训练结束后运行此评估\")" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 模型建立" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 3️⃣ 模型训练与评估" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## LightGBM 梯度提升决策树\n", "\n", "使用LightGBM进行音素分类任务。LightGBM是微软开发的高效梯度提升框架,具有以下优势:\n", "\n", "- **训练速度快**: 相比传统GBDT算法速度提升10倍以上\n", "- **内存占用低**: 使用直方图算法减少内存使用\n", "- **准确率高**: 在许多机器学习竞赛中表现优异 \n", "- **支持并行**: 支持特征并行和数据并行\n", "- **可解释性强**: 提供特征重要性分析\n", "\n", "对于脑电信号到音素的分类任务,LightGBM能够:\n", "1. 自动处理高维特征(7168维神经信号)\n", "2. 发现特征之间的非线性关系\n", "3. 提供特征重要性排序,帮助理解哪些脑区信号最重要\n", "4. 快速训练,适合实验和调参" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🔧 设备检查:\n", " LightGBM GPU支持: ✅ 可用\n", " 训练设备: GPU\n", "❌ 错误: 请先运行数据读取代码创建数据集\n", "\n", "📊 当前内存使用: 743.3 MB\n" ] }, { "ename": "", "evalue": "", "output_type": "error", "traceback": [ "\u001b[1;31mThe Kernel crashed while executing code in the current cell or a previous cell. \n", "\u001b[1;31mPlease review the code in the cell(s) to identify a possible cause of the failure. \n", "\u001b[1;31mClick here for more info. \n", "\u001b[1;31mView Jupyter log for further details." ] } ], "source": [ "# 🚀 LightGBM内存友好训练 - 分批处理策略\n", "\n", "import lightgbm as lgb\n", "import numpy as np\n", "import time\n", "from sklearn.model_selection import train_test_split\n", "from sklearn.preprocessing import StandardScaler\n", "from sklearn.metrics import accuracy_score, classification_report\n", "import matplotlib.pyplot as plt\n", "import seaborn as sns\n", "import gc\n", "# 检查GPU可用性\n", "def check_gpu_support():\n", " \"\"\"检查LightGBM的GPU支持\"\"\"\n", " try:\n", " test_data = lgb.Dataset(np.random.rand(100, 10), label=np.random.randint(0, 2, 100))\n", " test_params = {'device': 'gpu', 'objective': 'binary', 'verbose': -1}\n", " # 新版本LightGBM使用callbacks参数而不是verbose_eval\n", " lgb.train(test_params, test_data, num_boost_round=1, callbacks=[])\n", " return True\n", " except Exception as e:\n", " print(f\" GPU支持检查失败: {e}\")\n", " return False\n", "\n", "gpu_available = check_gpu_support()\n", "print(f\"🔧 设备检查:\")\n", "print(f\" LightGBM GPU支持: {'✅ 可用' if gpu_available else '❌ 不可用,将使用CPU'}\")\n", "\n", "# 根据GPU可用性选择设备\n", "device_type = 'gpu' if gpu_available else 'cpu'\n", "print(f\" 训练设备: {device_type.upper()}\")\n", "\n", "# 检查数据集是否已创建\n", "if 'train_dataset' not in locals():\n", " print(\"❌ 错误: 请先运行数据读取代码创建数据集\")\n", " exit()\n", "# 内存检查函数\n", "def get_memory_usage():\n", " \"\"\"获取当前内存使用情况\"\"\"\n", " import psutil\n", " process = psutil.Process()\n", " return f\"{process.memory_info().rss / 1024 / 1024:.1f} MB\"\n", "\n", "def memory_cleanup():\n", " \"\"\"强制内存清理\"\"\"\n", " gc.collect()\n", " print(f\" 内存清理后: {get_memory_usage()}\")\n", "\n", "print(f\"\\n📊 当前内存使用: {get_memory_usage()}\")\n", "\n", "# 策略选择:根据内存情况选择训练方式\n", "MEMORY_LIMIT_MB = 25000 # 25GB内存限制" ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "🔄 分批训练模式:\n", "第1阶段: 加载样本数据确定参数...\n", " 正在加载文件 1/45: t15.2025.04.13_train_concatenated.npz\n", " 加载批次 1: 14677 样本\n", " 正在加载文件 2/45: t15.2024.07.21_train_concatenated.npz\n", " 加载批次 1: 14677 样本\n", " 正在加载文件 2/45: t15.2024.07.21_train_concatenated.npz\n", " ✅ 样本数据: 58850 样本, 41 类别\n", " ✅ 样本数据: 58850 样本, 41 类别\n" ] } ], "source": [ "print(f\"\\n🔄 分批训练模式:\")\n", "\n", "# 首先加载一小部分训练数据来确定模型参数\n", "print(f\"第1阶段: 加载样本数据确定参数...\")\n", "sample_X, sample_y = None, None\n", "\n", "batch_count = 0\n", "for features, labels in train_dataset.get_batch_generator():\n", " if sample_X is None:\n", " sample_X, sample_y = features, labels\n", " else:\n", " sample_X = np.vstack([sample_X, features])\n", " sample_y = np.hstack([sample_y, labels])\n", " \n", " batch_count += 1\n", " if batch_count >= 2: # 只取前2个批次作为样本\n", " break\n", " \n", " print(f\" 加载批次 {batch_count}: {features.shape[0]} 样本\")\n", "\n", "print(f\" ✅ 样本数据: {sample_X.shape[0]} 样本, {len(np.unique(sample_y))} 类别\")\n", "\n", "# 数据预处理\n", "scaler = StandardScaler()\n", "sample_X_scaled = scaler.fit_transform(sample_X)\n", "\n", "# 切分样本数据\n", "X_sample_train, X_sample_val, y_sample_train, y_sample_val = train_test_split(\n", " sample_X_scaled, sample_y, test_size=0.2, random_state=42, stratify=sample_y\n", ")\n", "\n", "# LightGBM参数配置\n", "if gpu_available:\n", " params = {\n", " 'objective': 'multiclass',\n", " 'num_class': len(np.unique(sample_y)),\n", " 'metric': 'multi_logloss',\n", " 'boosting_type': 'gbdt',\n", " 'device': 'gpu',\n", " 'gpu_platform_id': 0,\n", " 'gpu_device_id': 0,\n", " 'num_leaves': 64, # 减少叶子节点以节省内存\n", " 'learning_rate': 0.1,\n", " 'feature_fraction': 0.8,\n", " 'bagging_fraction': 0.8,\n", " 'bagging_freq': 5,\n", " 'verbose': 0,\n", " 'random_state': 42,\n", " 'max_bin': 255,\n", " }\n", "else:\n", " params = {\n", " 'objective': 'multiclass',\n", " 'num_class': len(np.unique(sample_y)),\n", " 'metric': 'multi_logloss',\n", " 'boosting_type': 'gbdt',\n", " 'device': 'cpu',\n", " 'num_leaves': 32, # CPU使用更少叶子节点\n", " 'learning_rate': 0.1,\n", " 'feature_fraction': 0.8,\n", " 'bagging_fraction': 0.8,\n", " 'bagging_freq': 5,\n", " 'verbose': 0,\n", " 'random_state': 42,\n", " 'n_jobs': -1,\n", " }\n" ] }, { "cell_type": "code", "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "第2阶段: 开始分批训练...\n", " 样本数据集: 训练47080样本, 验证11770样本\n", "\n", "📋 模型初始训练...\n", "Training until validation scores don't improve for 50 rounds\n", "Training until validation scores don't improve for 50 rounds\n", "[5]\tvalid_0's multi_logloss: 1.79733\n", "[5]\tvalid_0's multi_logloss: 1.79733\n", "[10]\tvalid_0's multi_logloss: 2.6163\n", "[10]\tvalid_0's multi_logloss: 2.6163\n", "[15]\tvalid_0's multi_logloss: 4.36248\n", "[15]\tvalid_0's multi_logloss: 4.36248\n", "[20]\tvalid_0's multi_logloss: 9.53018\n", "[20]\tvalid_0's multi_logloss: 9.53018\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[25]\tvalid_0's multi_logloss: 15.767\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[25]\tvalid_0's multi_logloss: 15.767\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[30]\tvalid_0's multi_logloss: 19.3519\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[30]\tvalid_0's multi_logloss: 19.3519\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[35]\tvalid_0's multi_logloss: 18.8328\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[35]\tvalid_0's multi_logloss: 18.8328\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[40]\tvalid_0's multi_logloss: 12.8981\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[40]\tvalid_0's multi_logloss: 12.8981\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[45]\tvalid_0's multi_logloss: 30.9528\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[45]\tvalid_0's multi_logloss: 30.9528\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[50]\tvalid_0's multi_logloss: 30.9675\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[50]\tvalid_0's multi_logloss: 30.9675\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", "Early stopping, best iteration is:\n", "[2]\tvalid_0's multi_logloss: 1.57641\n", " ✅ 初始训练完成,用时: 196.67秒\n", " 📊 初始验证准确率: 0.6768\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", "Early stopping, best iteration is:\n", "[2]\tvalid_0's multi_logloss: 1.57641\n", " ✅ 初始训练完成,用时: 196.67秒\n", " 📊 初始验证准确率: 0.6768\n" ] } ], "source": [ "# 🚀 LightGBM分批训练流程 - 完整实现\n", "\n", "print(f\"第2阶段: 开始分批训练...\")\n", "\n", "# 创建样本数据集用于模型初始化和验证\n", "train_data = lgb.Dataset(X_sample_train, label=y_sample_train)\n", "val_data = lgb.Dataset(X_sample_val, label=y_sample_val, reference=train_data)\n", "\n", "print(f\" 样本数据集: 训练{X_sample_train.shape[0]}样本, 验证{X_sample_val.shape[0]}样本\")\n", "\n", "# 初始训练 - 在样本数据上预训练\n", "print(f\"\\n📋 模型初始训练...\")\n", "start_time = time.time()\n", "\n", "# 使用callbacks替代deprecated参数\n", "callbacks = [\n", " lgb.log_evaluation(period=5), # 每50轮打印一次\n", " lgb.early_stopping(stopping_rounds=50) # 早停\n", "]\n", "\n", "# 初始训练\n", "model = lgb.train(\n", " params=params,\n", " train_set=train_data,\n", " num_boost_round=200, # 初始训练轮数\n", " valid_sets=[val_data],\n", " callbacks=callbacks\n", ")\n", "\n", "initial_time = time.time() - start_time\n", "print(f\" ✅ 初始训练完成,用时: {initial_time:.2f}秒\")\n", "\n", "# 在样本验证集上评估\n", "y_pred_val = model.predict(X_sample_val)\n", "y_pred_val_class = np.argmax(y_pred_val, axis=1)\n", "initial_accuracy = accuracy_score(y_sample_val, y_pred_val_class)\n", "print(f\" 📊 初始验证准确率: {initial_accuracy:.4f}\")\n" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "🔄 分批增量训练...\n", " 正在加载文件 1/45: t15.2025.04.13_train_concatenated.npz\n", "\n", "批次 1/45:\n", " 批次数据: 14677 样本\n", "\n", "批次 1/45:\n", " 批次数据: 14677 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", " ⏱️ 批次训练时间: 97.86秒\n", " 📊 当前验证准确率: 0.1097\n", " 📈 准确率变化: -0.5671\n", " ⏱️ 批次训练时间: 97.86秒\n", " 📊 当前验证准确率: 0.1097\n", " 📈 准确率变化: -0.5671\n", " 内存清理后: 3633.3 MB\n", " 内存清理后: 3633.3 MB\n", " 正在加载文件 2/45: t15.2024.07.21_train_concatenated.npz\n", " 正在加载文件 2/45: t15.2024.07.21_train_concatenated.npz\n", "\n", "批次 2/45:\n", " 批次数据: 44173 样本\n", "\n", "批次 2/45:\n", " 批次数据: 44173 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", " ⏱️ 批次训练时间: 31.14秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 31.14秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 5829.8 MB\n", " 内存清理后: 5829.8 MB\n", " 正在加载文件 3/45: t15.2024.03.17_train_concatenated.npz\n", " 正在加载文件 3/45: t15.2024.03.17_train_concatenated.npz\n", "\n", "批次 3/45:\n", " 批次数据: 64462 样本\n", "\n", "批次 3/45:\n", " 批次数据: 64462 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 22.88秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 22.88秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 7633.1 MB\n", " 内存清理后: 7633.1 MB\n", " 正在加载文件 4/45: t15.2025.03.16_train_concatenated.npz\n", " 正在加载文件 4/45: t15.2025.03.16_train_concatenated.npz\n", "\n", "批次 4/45:\n", " 批次数据: 20632 样本\n", "\n", "批次 4/45:\n", " 批次数据: 20632 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 8.44秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 8.44秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 6114.4 MB\n", " 正在加载文件 5/45: t15.2023.10.15_train_concatenated.npz\n", " 内存清理后: 6114.4 MB\n", " 正在加载文件 5/45: t15.2023.10.15_train_concatenated.npz\n", "\n", "批次 5/45:\n", " 批次数据: 49793 样本\n", "\n", "批次 5/45:\n", " 批次数据: 49793 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 18.91秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 18.91秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 7113.2 MB\n", " 内存清理后: 7113.2 MB\n", " 正在加载文件 6/45: t15.2023.11.03_train_concatenated.npz\n", " 正在加载文件 6/45: t15.2023.11.03_train_concatenated.npz\n", "\n", "批次 6/45:\n", " 批次数据: 36275 样本\n", "\n", "批次 6/45:\n", " 批次数据: 36275 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 14.34秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 14.34秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 6541.9 MB\n", " 内存清理后: 6541.9 MB\n", " 正在加载文件 7/45: t15.2023.08.11_train_concatenated.npz\n", " 正在加载文件 7/45: t15.2023.08.11_train_concatenated.npz\n", "\n", "批次 7/45:\n", " 批次数据: 37872 样本\n", "\n", "批次 7/45:\n", " 批次数据: 37872 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 15.06秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 15.06秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 6739.1 MB\n", " 内存清理后: 6739.1 MB\n", " 正在加载文件 8/45: t15.2023.12.10_train_concatenated.npz\n", " 正在加载文件 8/45: t15.2023.12.10_train_concatenated.npz\n", "\n", "批次 8/45:\n", " 批次数据: 33404 样本\n", "\n", "批次 8/45:\n", " 批次数据: 33404 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 13.68秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 13.68秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 6558.7 MB\n", " 内存清理后: 6558.7 MB\n", " 正在加载文件 9/45: t15.2025.01.12_train_concatenated.npz\n", " 正在加载文件 9/45: t15.2025.01.12_train_concatenated.npz\n", "\n", "批次 9/45:\n", " 批次数据: 39253 样本\n", "\n", "批次 9/45:\n", " 批次数据: 39253 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 15.93秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 15.93秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 6782.4 MB\n", " 内存清理后: 6782.4 MB\n", " 正在加载文件 10/45: t15.2024.04.25_train_concatenated.npz\n", " 正在加载文件 10/45: t15.2024.04.25_train_concatenated.npz\n", "\n", "批次 10/45:\n", " 批次数据: 72497 样本\n", "\n", "批次 10/45:\n", " 批次数据: 72497 样本\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", "[LightGBM] [Warning] 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", " ⏱️ 批次训练时间: 28.95秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " ⏱️ 批次训练时间: 28.95秒\n", " 📊 当前验证准确率: 0.7455\n", " 📈 准确率变化: +0.0686\n", " 内存清理后: 8107.3 MB\n", " 🛑 已训练10个批次,停止增量训练\n", "\n", "✅ 分批训练完成!\n", " 总训练时间: 624.22秒\n", " 最终验证准确率: 0.7455\n", " 准确率提升: +0.0686\n", " 💾 模型已保存: lightgbm_incremental_model.txt\n", " 内存清理后: 8107.3 MB\n", " 🛑 已训练10个批次,停止增量训练\n", "\n", "✅ 分批训练完成!\n", " 总训练时间: 624.22秒\n", " 最终验证准确率: 0.7455\n", " 准确率提升: +0.0686\n", " 💾 模型已保存: lightgbm_incremental_model.txt\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 35757 (\\N{CJK UNIFIED IDEOGRAPH-8BAD}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 32451 (\\N{CJK UNIFIED IDEOGRAPH-7EC3}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 25209 (\\N{CJK UNIFIED IDEOGRAPH-6279}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 27425 (\\N{CJK UNIFIED IDEOGRAPH-6B21}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 39564 (\\N{CJK UNIFIED IDEOGRAPH-9A8C}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 35777 (\\N{CJK UNIFIED IDEOGRAPH-8BC1}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 20934 (\\N{CJK UNIFIED IDEOGRAPH-51C6}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 30830 (\\N{CJK UNIFIED IDEOGRAPH-786E}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 29575 (\\N{CJK UNIFIED IDEOGRAPH-7387}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 20998 (\\N{CJK UNIFIED IDEOGRAPH-5206}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 36807 (\\N{CJK UNIFIED IDEOGRAPH-8FC7}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 31243 (\\N{CJK UNIFIED IDEOGRAPH-7A0B}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 20013 (\\N{CJK UNIFIED IDEOGRAPH-4E2D}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 30340 (\\N{CJK UNIFIED IDEOGRAPH-7684}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 21464 (\\N{CJK UNIFIED IDEOGRAPH-53D8}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 21270 (\\N{CJK UNIFIED IDEOGRAPH-5316}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 21021 (\\N{CJK UNIFIED IDEOGRAPH-521D}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 22987 (\\N{CJK UNIFIED IDEOGRAPH-59CB}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 29305 (\\N{CJK UNIFIED IDEOGRAPH-7279}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 24449 (\\N{CJK UNIFIED IDEOGRAPH-5F81}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 37325 (\\N{CJK UNIFIED IDEOGRAPH-91CD}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 35201 (\\N{CJK UNIFIED IDEOGRAPH-8981}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 24615 (\\N{CJK UNIFIED IDEOGRAPH-6027}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 32034 (\\N{CJK UNIFIED IDEOGRAPH-7D22}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 24341 (\\N{CJK UNIFIED IDEOGRAPH-5F15}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 21069 (\\N{CJK UNIFIED IDEOGRAPH-524D}) missing from current font.\n", " plt.tight_layout()\n", "/tmp/ipykernel_36/3634074499.py:86: UserWarning: Glyph 20010 (\\N{CJK UNIFIED IDEOGRAPH-4E2A}) missing from current font.\n", " plt.tight_layout()\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 39564 (\\N{CJK UNIFIED IDEOGRAPH-9A8C}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 35777 (\\N{CJK UNIFIED IDEOGRAPH-8BC1}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20934 (\\N{CJK UNIFIED IDEOGRAPH-51C6}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 30830 (\\N{CJK UNIFIED IDEOGRAPH-786E}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 29575 (\\N{CJK UNIFIED IDEOGRAPH-7387}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20998 (\\N{CJK UNIFIED IDEOGRAPH-5206}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 25209 (\\N{CJK UNIFIED IDEOGRAPH-6279}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 35757 (\\N{CJK UNIFIED IDEOGRAPH-8BAD}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 32451 (\\N{CJK UNIFIED IDEOGRAPH-7EC3}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 36807 (\\N{CJK UNIFIED IDEOGRAPH-8FC7}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 31243 (\\N{CJK UNIFIED IDEOGRAPH-7A0B}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20013 (\\N{CJK UNIFIED IDEOGRAPH-4E2D}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 30340 (\\N{CJK UNIFIED IDEOGRAPH-7684}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21464 (\\N{CJK UNIFIED IDEOGRAPH-53D8}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21270 (\\N{CJK UNIFIED IDEOGRAPH-5316}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 27425 (\\N{CJK UNIFIED IDEOGRAPH-6B21}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21021 (\\N{CJK UNIFIED IDEOGRAPH-521D}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 22987 (\\N{CJK UNIFIED IDEOGRAPH-59CB}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 29305 (\\N{CJK UNIFIED IDEOGRAPH-7279}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 24449 (\\N{CJK UNIFIED IDEOGRAPH-5F81}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 32034 (\\N{CJK UNIFIED IDEOGRAPH-7D22}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 24341 (\\N{CJK UNIFIED IDEOGRAPH-5F15}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21069 (\\N{CJK UNIFIED IDEOGRAPH-524D}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20010 (\\N{CJK UNIFIED IDEOGRAPH-4E2A}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 37325 (\\N{CJK UNIFIED IDEOGRAPH-91CD}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 35201 (\\N{CJK UNIFIED IDEOGRAPH-8981}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 24615 (\\N{CJK UNIFIED IDEOGRAPH-6027}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 39564 (\\N{CJK UNIFIED IDEOGRAPH-9A8C}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 35777 (\\N{CJK UNIFIED IDEOGRAPH-8BC1}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20934 (\\N{CJK UNIFIED IDEOGRAPH-51C6}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 30830 (\\N{CJK UNIFIED IDEOGRAPH-786E}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 29575 (\\N{CJK UNIFIED IDEOGRAPH-7387}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20998 (\\N{CJK UNIFIED IDEOGRAPH-5206}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 25209 (\\N{CJK UNIFIED IDEOGRAPH-6279}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 35757 (\\N{CJK UNIFIED IDEOGRAPH-8BAD}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 32451 (\\N{CJK UNIFIED IDEOGRAPH-7EC3}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 36807 (\\N{CJK UNIFIED IDEOGRAPH-8FC7}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 31243 (\\N{CJK UNIFIED IDEOGRAPH-7A0B}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20013 (\\N{CJK UNIFIED IDEOGRAPH-4E2D}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 30340 (\\N{CJK UNIFIED IDEOGRAPH-7684}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21464 (\\N{CJK UNIFIED IDEOGRAPH-53D8}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21270 (\\N{CJK UNIFIED IDEOGRAPH-5316}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 27425 (\\N{CJK UNIFIED IDEOGRAPH-6B21}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21021 (\\N{CJK UNIFIED IDEOGRAPH-521D}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 22987 (\\N{CJK UNIFIED IDEOGRAPH-59CB}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 29305 (\\N{CJK UNIFIED IDEOGRAPH-7279}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 24449 (\\N{CJK UNIFIED IDEOGRAPH-5F81}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 32034 (\\N{CJK UNIFIED IDEOGRAPH-7D22}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 24341 (\\N{CJK UNIFIED IDEOGRAPH-5F15}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 21069 (\\N{CJK UNIFIED IDEOGRAPH-524D}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 20010 (\\N{CJK UNIFIED IDEOGRAPH-4E2A}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 37325 (\\N{CJK UNIFIED IDEOGRAPH-91CD}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 35201 (\\N{CJK UNIFIED IDEOGRAPH-8981}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n", "/usr/local/lib/python3.11/dist-packages/IPython/core/pylabtools.py:151: UserWarning: Glyph 24615 (\\N{CJK UNIFIED IDEOGRAPH-6027}) missing from current font.\n", " fig.canvas.print_figure(bytes_io, **kw)\n" ] }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAABKUAAAHqCAYAAADVi/1VAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABuiElEQVR4nO3deXhU5fn/8c9MlkkCJEASskAgQZB9EyQGtGKNRop8i1qK/GhBSvVbS9xSq2LVgFqD2lraQqFaAVulqG3FHWpjUakoAuZbUUHFLKgkJAGykoXM+f0RM2TMJCQkM2eW9+u65rpmznnOmfvMQ8KZO89zPxbDMAwBAAAAAAAAHmQ1OwAAAAAAAAAEHpJSAAAAAAAA8DiSUgAAAAAAAPA4klIAAAAAAADwOJJSAAAAAAAA8DiSUgAAAAAAAPA4klIAAAAAAADwOJJSAAAAAAAA8DiSUgAAAAAAAPA4klIAAAAAAADwOJJSAAAAAOBH3nvvPWVmZmrMmDHq1auXBg8erO9///v65JNPXLb/+OOPddlll6l3797q37+/fvjDH6q0tNTDUQMIRBbDMAyzgwBgrg8//FCTJk1SaGioy/0NDQ16//33T9vm448/Vl1dHe18sN1ZZ53lcj8AAPAenbln+/jjj3X77bfrP//5j+bOnavx48eruLhYq1evVnV1td555x2NHTvWccwXX3yhSZMmKSoqSjfeeKOqq6v1q1/9SoMHD9auXbsUGhqqmpoa9e3bVzabzeX7NjY26tVXX1VqaqpXt/v2t7/tcj8A8wSbHQAA8xmGoalTp2rHjh0u95933nmdbkM732wHAAC8X2f/X8/KytKmTZucklfz5s3TuHHjtHLlSj355JOO7Q888IBqamq0Z88eDR48WJI0depUXXLJJdq4caOuu+46GYahuLg4ffHFFy7f9+qrr5bdbvf6dgC8D9P3AAAAAMCPTJs2rc1oquHDh2vMmDH6+OOPnbb//e9/1+WXX+5ISElSenq6zj77bD3zzDMeiRdA4CIpBQAAAAB+zjAMlZSUKCYmxrHtyy+/1JEjRzRlypQ27adOnar333/fkyECCEAkpQAAAADAzz311FP68ssvNW/ePMe2w4cPS5ISEhLatE9ISNDRo0dVX1/vsRgBBB6SUgAAAADgx/bv36+lS5cqLS1NixYtcmw/ceKEJLksEB4WFubUBgDcgaQUAAAAAPip4uJizZo1S1FRUfrb3/6moKAgx77w8HBJcjkaqq6uzqkNALgDq+8BAAAAgB+qqKjQzJkzdfz4cb311ltKTEx02t8yba9lGl9rhw8fVv/+/WWz2dTY2OiReAEEHpJSAAAAAOBn6urqNHv2bH3yySf617/+pdGjR7dpM3DgQMXGxmr37t1t9u3atUsTJ070QKQAAhnT9wAAAADAjzQ1NWnevHnauXOnnn32WaWlpbXb9qqrrtJLL72kQ4cOObbl5ubqk08+0dy5cz0RLoAAxkgpAAAAAPAjP/vZz/TCCy9o9uzZOnr0qJ588kmn/T/4wQ8cz++88049++yzuuiii3TTTTepurpaDz/8sMaNG6fFixd7OnQAAYakFAAAAAD4kby8PEnSiy++qBdffLHN/tZJqaSkJL3xxhvKysrSHXfcodDQUM2aNUu//vWvXa7KBwA9iaQUAAAAAPiR7du3d6n9mDFjtG3bNvcEAwAdoKYUAAAAAAAAPI6RUgAkSe+884769u3rcl91dXWn29DOd9sBAADvZ9b/61999VW771tbW6sf//jHPtEOgHexGIZhmB0EAAAAAAAAAgvT9wAAAAAAAOBxJKUAAAAAAADgcSSlAAAAAAAA4HEBV+jcbrfrq6++Up8+fWSxWMwOBwAAeBHDMFRVVaXExERZrfztriPcUwEAgPZ09p4q4JJSX331lZKSkswOAwAAeLFDhw5p0KBBZofh1binAgAAp3O6e6qAS0r16dNHUvMHExkZaXI0vsFut6u0tFSxsbH81dhL0Ue+gX7yfvSR93N3H1VWViopKclxv4D2cU8FAADa09l7qoBLSrUML4+MjOQGqpPsdrvq6uoUGRnJlzQvRR/5BvrJ+9FH3s9TfcR0tNPjngoAAJzO6e6puOMGAAAAAACAx5GUAgAAAAAAgMeRlAIAAAAAAIDHkZQCAAAAAACAx5GUAgAAAAAAgMeRlAIAAAAAAIDHkZQCAAAAAACAx5GUAgAAAAAAgMeRlAIAAAAAAIDHkZQCAAAAAACAx5GUAgAAAAAAgMcFmx0AvFuT3dC7n5frsy+Oalh1kFKHxijIajE7rDPWZDe0K/+ojlTVaUCfME1N6e/T1yP5Xx9J9JMvoI98g7/1kz/2EQAAQCAjKYV2bd13WCte/EiHK+q+3pKvhKgwZc8ercvGJpga25loez3y6euR/K+PJPrJF9BHvsHf+skf+wgAACDQWQzDMMwOwpMqKysVFRWliooKRUZGmh2O19q677Cuf3KvvvmPo+Xv0Wt/cI5PfQnwt+uRuCZf4W/X5G/XI3FNvsCT18N9QufxWQEAgPZ09j6BpBTaaLIbOv/B153+uv5NYcFWXXh2rCwW7582YRiGtn9SqvqT9nbb+NL1SFwT12QOf7seiWvyhWs63fVYJMVHhWnH7d/ukal83Cd0Hp8VAABoD0mpdnADdXo7D5Zr/mPvmB0GAACd9tdrz1PaWdHdPg/3CZ3HZwUAANrT2fsEakqhjSNV7Y+QAgDAG/F/l3nGZm+T1Rbhcl/BylkejgYAAPgSklJoY0CfsE61W/P/ztHkIf3cHE337Sk8pqWb9p62na9cj8Q1cU3m8LfrkbgmX7imzl5PZ//vAgAAgPcgKYU2pqb0V0JUWLs1pVrqd1w2Nt4nluK+bGy8EqLCVFxR16ZIruR71yNxTVyTOfzteiSuyReuqbPXMzWlv6dDAwAAQDdZzQ4A3ifIalH27NEu97V8fcmePdonvsxIztfzzYh98XokrslX+Ns1+dv1SFyTL/C363GnNWvWKDk5WWFhYUpNTdWuXbs6bP/ss89q5MiRCgsL07hx4/TKK694KFIAAIBmJKXg0mVjE/TD84a02R4fFeZzS4lLzdez9gfnKD7KeXqHr16PxDX5Cn+7Jn+7Holr8gX+dj3u8PTTTysrK0vZ2dnau3evJkyYoIyMDB05csRl+7ffflvz58/XkiVL9P7772vOnDmaM2eO9u3b5+HIAQBAIGP1PbTrwa37tXb7QUnSDybH6TuThih1aIxP/zW6yW5oV/5RHamq04A+zdM9fPl6pOZrevfzMn32RamGDYr1+T6S6CdfQB/5Bn/rJ0/0ka/eJ6Smpurcc8/V6tWrJUl2u11JSUm64YYbdMcdd7RpP2/ePNXU1Oill15ybDvvvPM0ceJErVu3rlPv2fJZJd38DIXOAQCAE1bfQ7cVltc4nn93XIwmD42W1Ye/zEjN00B6YslwbxJktei8odEa2rtJAwb4fh9J9JMvoI98g7/1kz/2UU9oaGjQnj17tGzZMsc2q9Wq9PR07dy50+UxO3fuVFZWltO2jIwMbdmypd33qa+vV319veN1ZWVl9wIHAAABj+l7aFd+Wa0kKdhqUUKkzeRoAACAK2VlZWpqalJcXJzT9ri4OBUXF7s8pri4uEvtJSknJ0dRUVGOR1JSUveDBwAAAY2kFFwyDMMxUmpQv3AF89doAAAC2rJly1RRUeF4HDp0yOyQAACAj2P6HlwqrapXbUOTJGlIdC+TowEAAO2JiYlRUFCQSkpKnLaXlJQoPj7e5THx8fFdai9JNptNNhsjpwEAQM9hpBRcyi87VU8qJdp18VIAAGC+0NBQTZ48Wbm5uY5tdrtdubm5SktLc3lMWlqaU3tJeu2119ptDwAA4A6MlIJLBa2KnCfHMFIKAABvlpWVpUWLFmnKlCmaOnWqVq1apZqaGi1evFiStHDhQg0cOFA5OTmSpJtuukkXXnihfv3rX2vWrFnavHmzdu/erUcffdTMywAAAAGGpBRcKiivdTwfEh0hyTAvGAAA0KF58+aptLRU99xzj4qLizVx4kRt3brVUcy8qKhIVuupAfLTpk3Tpk2bdNddd+nOO+/U8OHDtWXLFo0dO9asSwAAAAGIpBRcKmg1fS85OkJqqumgNQAAMFtmZqYyMzNd7tu+fXubbXPnztXcuXPdHBUAAED7qCkFl1pqSgVbLRrYN9zkaAAAAAAAgL9hpBTaMAxDhV9P3xvcP0LBQeQuAQCAa/tWZCgyMtLsMAAAgA8i24A2jlTV60Rjk6SWelIAAAAAAAA9i6QU2sgvY+U9AAAAAADgXkzfQxuti5ynkJQCAAAdGJu9TVZb+yOrC1bO8mA0AADAlzBSCm0UfF1PSpKGRJOUAgAAAAAAPY+kFNpwGilFUgoAAAAAALiBVySl1qxZo+TkZIWFhSk1NVW7du1qt+2MGTNksVjaPGbNYmh4Tykob05KhQRZlNg3zORoAAAAAACAPzI9KfX0008rKytL2dnZ2rt3ryZMmKCMjAwdOXLEZft//OMfOnz4sOOxb98+BQUFae7cuR6O3D/Z7YYjKZXUL0LBQab/EwEAAAAAAH7I9IzDI488omuvvVaLFy/W6NGjtW7dOkVERGj9+vUu2/fv31/x8fGOx2uvvaaIiAiSUj3kSFW96hrtklh5DwAAAAAAuI+pSamGhgbt2bNH6enpjm1Wq1Xp6enauXNnp87x+OOP6+qrr1avXiRQekJ+q3pSydSTAgAAAAAAbhJs5puXlZWpqalJcXFxTtvj4uK0f//+0x6/a9cu7du3T48//ni7berr61VfX+94XVlZKUmy2+2y2+1nGLn/yi+rdjwfEh3u+JwMw+Dz8mL0kW+gn7wffeT93N1H9D0AAIDnmJqU6q7HH39c48aN09SpU9ttk5OToxUrVrTZXlpaqrq6OneG55M+Kip1PO8b1KgjR47IbreroqJChmHIajV9xidcoI98A/3k/egj7+fuPqqqqurxcwIAAMA1U5NSMTExCgoKUklJidP2kpISxcfHd3hsTU2NNm/erHvvvbfDdsuWLVNWVpbjdWVlpZKSkhQbG6vIyMgzD95PHTnxheP5xLMSNaB/hOx2uywWi2JjY/mS5qXoI99AP3k/+sj7ubuPwsJYdRYAAMBTTE1KhYaGavLkycrNzdWcOXMkNd9s5ubmKjMzs8Njn332WdXX1+sHP/hBh+1sNptsNlub7VarlS8cLhSW10qSQoIsGtS/l6xWiyTJYrHwmXk5+sg30E/ejz7yfu7sI/odAADAc0yfvpeVlaVFixZpypQpmjp1qlatWqWamhotXrxYkrRw4UINHDhQOTk5Tsc9/vjjmjNnjqKjo80I2y/Z7YYKjzYXOk/qH6GgrxNSAAAAAAAAPc30pNS8efNUWlqqe+65R8XFxZo4caK2bt3qKH5eVFTU5q+WBw4c0I4dO/TPf/7TjJD9VklVneoamwu8prDyHgAAAAAAcCPTk1KSlJmZ2e50ve3bt7fZNmLECBmG4eaoAk9+WY3jeXIMSSkAAAAAAOA+FE6AQ0FZreM5SSkAAAAAAOBOXjFSCt6hsLzVSKnoCBMjAQAAvmLfigxWNAYAAGeEkVJwcJq+R00pAAAAAADgRiSl4FDw9Uip0CCrEvuGmxwNAAAAAADwZySlIEmy2w0VljfXlErqH64gq8XkiAAAAAAAgD8L3JpSNTVSUFDb7UFBUliYc7v2WK1SePiZta2tldpbQdBikSIizqztiROS3d5+HL16uWxbcvyErLW1Cpc0ok+f5mtp3baurnmbtZ085jfbNjW1H0NERHPcklRfL5082TNtw8NPxdfQIDU29kzbsLBT/1a60raxsbl9e2w2KTi4621Pnmz+LFqz22WprW3uo7AwKSSk/bathYaeatvU1Nx37QkJaW7f1bZ2e/O/tZ5oGxzc/FlIzT8TtbU907YrP/fd/B3h6Kdv/ix5+e+I07Y93c+9r/yOaPlZstv963dEa61/7n3xd0RHP0c98Tuio59puDQ2e5usttPXoixYOcsD0QAAAJ9iBJiKigpDklHRfAva9vGd7zgfEBHhup1kGBde6Nw2Jqb9tlOmOLcdMqT9tqNHO7cdPbr9tkOGOLedMqX9tjExzm0vvLD9thERjmZNTU3GiYsvbr/tN/8Zfe97Hbetrj7VdtGijtseOXKq7U9/2nHb/PxTbW+9teO2+/adapud3XHbXbtOtX3ooY7b/vvfp9quXt1x25deOtV2w4aO2z7zzKm2zzzTcdsNG061femljtuuXn2q7b//3XHbhx461XbXro7bZmefartvX8dtb731VNv8/I7b/vSnp9oeOdJx20WLTrWtru647fe+ZzjpqG03fkfY/fR3hGEYzZ9LR59baz7wO6Lpv/891ZbfEc0C5HdEhWRIMioqKgx0rOWeKunmZ4wht7902gcAAAgcjtzLae6pmL4HAAAAAAAAj7MYhmGYHYQnVVZWKioqShVffeV6+eIAnb738Lb9Wr+jQJL0+KIpmjYsxtHWbrfrSFGRBkRHy8r0Pa+cmmO321VaWqrY2FhZmb7X9bYemr5nr6o61U9M32u/rYm/Ixw/S4MHy9ryM+cHvyOc+Pj0PXtNTfs/Rz3wO6KyslJRiYmqqKhwfZ8Ah5Z7qqSbn2H6HgAAcOLIvZzmnipwa0r16uX8Jamjdl05Z2dFnP7m7Yzahndh1bxWbT+pNnQitPmL9uDBsVKvb7xnWFjz9bWXlPpm286y2U59KejJtqGhp77EmNU2JOTUl7mebBscfOrLZwu7XUZLHbDWfeSqbXuCgjr/b7grba1W97S1WNzTVnJrW5f95IqX/Y44ra783Hvz74iWn6XW/eMPvyN6oq0X/Y7o1M/Rmf6O6ChhCgAAgB7F9D1IkgrKmkd7hAZblRjVhS+iAAAAAAAAZ4CkFGS3Gyo82jxtYXD/CFmtFpMjAgAAAAAA/o6kFHS4sk4NJ5vrxiRHd2EqEgAAAAAAwBkiKQXH1D1JSonpQm0aAAAAAACAM0RSCspvlZQawkgpAAAAAADgASSloMLy1iOlSEoBAAAAAAD3IykF5ZfVOp4nk5QCAAAAAAAeQFIKKvh6pFRosFUJkWEmRwMAALoqJydH5557rvr06aMBAwZozpw5OnDgQIfHbNy4URaLxekRFsZ9AAAA8BySUgGuyW6oqLx5pNSQ/hGyWi0mRwQAALrqjTfe0NKlS/XOO+/otddeU2Njoy699FLV1NR0eFxkZKQOHz7seBQWFnooYgAAACnY7ABgrsMVJ9TQZJfE1D0AAHzV1q1bnV5v3LhRAwYM0J49e/Stb32r3eMsFovi4+PdHR4AAIBLJKUCXEGrelIUOQcAwD9UVFRIkvr3799hu+rqag0ZMkR2u13nnHOOHnjgAY0ZM6ZL77VvRYYiIyPPOFYAABC4mL4X4Aparbw3JDrCxEgAAEBPsNvtuvnmmzV9+nSNHTu23XYjRozQ+vXr9fzzz+vJJ5+U3W7XtGnT9MUXX7hsX19fr8rKSqcHAABAdzBSKsAVlJ1KSqVEM1IKAABft3TpUu3bt087duzosF1aWprS0tIcr6dNm6ZRo0bpj3/8o+6777427XNycrRixYoejxcAAAQuklIBrvVIKWpKAQDg2zIzM/XSSy/pzTff1KBBg7p0bEhIiCZNmqTPPvvM5f5ly5YpKyvL8bqyslJJSUkam71NVlvnRlsXrJzVpZgAAIB/IykV4PK/HillC7YqPpJloAEA8EWGYeiGG27Qc889p+3btyslJaXL52hqatIHH3yg73znOy7322w22Wy27oYKAADgQFIqgDXZDR06ekJScz0pq9VickQAAOBMLF26VJs2bdLzzz+vPn36qLi4WJIUFRWl8PBwSdLChQs1cOBA5eTkSJLuvfdenXfeeRo2bJiOHz+uhx9+WIWFhfrxj39s2nUAAIDAQlIqgH11/IQamuySpGTqSQEA4LPWrl0rSZoxY4bT9g0bNuiaa66RJBUVFclqPbXGzbFjx3TttdequLhY/fr10+TJk/X2229r9OjRngobAAAEOJJSAax1PakU6kkBAOCzDMM4bZvt27c7vf7Nb36j3/zmN26KCAAA4PSsp28Cf1VQXut4PoSRUgAAAAAAwINISgWwgrLWK+91btUcAAAAAACAnkBSKoC1TkoxfQ8AAAAAAHgSSakAlv91TSlbsFVxfcJMjgYAAAAAAAQSklIBqslu6NDR5ppSydG9ZLVaTI4IAAAAAAAEEpJSAeqr4yfU2NS8Ug/1pAAAAAAAgKeRlApQ+U5FzqknBQAAAAAAPIukVIAqLG+VlIomKQUAAAAAADyLpFSAyi+rdTwnKQUAAAAAADyNpFSAKmg1UiqF6XsAAAAAAMDDgs0OAOZoSUqFhVg1oI/N5GgAAICv2rciQ5GRkWaHAQAAfBAjpQLQySa7Dh1tnr6XHN1LVqvF5IgAAAAAAECgISkVgL46XqfGJkMS9aQAAAAAAIA5SEoFoPzWK+9RTwoAAAAAAJiAmlIBqLB1Uio6wsRIAACArxubvU1WW+fvJwpWznJjNAAAwJcwUioA5ZcxUgoAAAAAAJiLpFQAKmiVlEohKQUAAAAAAExAUioAFZY3r7wXHhKkAX1sJkcDAAAAAAACEUmpAHOyya6io81JqSHREbJYLCZHBAAAAAAAApHpSak1a9YoOTlZYWFhSk1N1a5duzpsf/z4cS1dulQJCQmy2Ww6++yz9corr3goWt/35fETOmk3JDF1DwAAAAAAmMfU1feefvppZWVlad26dUpNTdWqVauUkZGhAwcOaMCAAW3aNzQ06JJLLtGAAQP0t7/9TQMHDlRhYaH69u3r+eB9VOsi50OiSUoBAAAAAABzmJqUeuSRR3Tttddq8eLFkqR169bp5Zdf1vr163XHHXe0ab9+/XodPXpUb7/9tkJCQiRJycnJngzZ57XUk5KklJjOL98MAAAAAADQk0ybvtfQ0KA9e/YoPT39VDBWq9LT07Vz506Xx7zwwgtKS0vT0qVLFRcXp7Fjx+qBBx5QU1OTp8L2ea1HSiUzUgoAAAAAAJjEtJFSZWVlampqUlxcnNP2uLg47d+/3+Uxn3/+uV5//XUtWLBAr7zyij777DP99Kc/VWNjo7Kzs10eU19fr/r6esfryspKSZLdbpfdbu+hq/EdTtP3+od36jOw2+0yDCMgPy9fQR/5BvrJ+9FH3s/dfUTfAwAAeI6p0/e6ym63a8CAAXr00UcVFBSkyZMn68svv9TDDz/cblIqJydHK1asaLO9tLRUdXV17g7Z63x+pDkpFx5ilXGiQkfqKk97jN1uV0VFhQzDkNVqem18uEAf+Qb6yfvRR97P3X1UVVXV4+cEAACAa6YlpWJiYhQUFKSSkhKn7SUlJYqPj3d5TEJCgkJCQhQUFOTYNmrUKBUXF6uhoUGhoaFtjlm2bJmysrIcrysrK5WUlKTY2FhFRkb20NX4hpNNdh2ubJAkJcf0ajNKrT12u10Wi0WxsbF8SfNS9JFvoJ+8H33k/dzdR2FhYT1+TgAAALhmWlIqNDRUkydPVm5urubMmSOp+UYzNzdXmZmZLo+ZPn26Nm3aJLvd7rgR/eSTT5SQkOAyISVJNptNNputzXar1RpwXzi+OnpCJ+2GJCklpleXrt9isQTkZ+ZL6CPfQD95P/rI+7mzj+h3AAAAzzH1zisrK0uPPfaYnnjiCX388ce6/vrrVVNT41iNb+HChVq2bJmj/fXXX6+jR4/qpptu0ieffKKXX35ZDzzwgJYuXWrWJfiUgvJW9aQocg4AAAAAAExkak2pefPmqbS0VPfcc4+Ki4s1ceJEbd261TGtrKioyOkvlklJSdq2bZtuueUWjR8/XgMHDtRNN92k22+/3axL8CkFrYqcp5CUAgAAAAAAJjK90HlmZma70/W2b9/eZltaWpreeecdN0flnwrKax3Pk2NISgEAgO7btyIj4Op0AgCAnkHhhACS32qkVHJMhImRAAAAAACAQEdSKoAUfl1TqldokGJ7ty3+DgAAAAAA4CkkpQJEY5Ndh46dkNRc5NxisZgcEQAAAAAACGSm15SCZ3xx7ISa7IYkKYV6UgAAoIeMzd4mq63rZQEKVs5yQzQAAMCXMFIqQBSUn6onNSSaelIAAAAAAMBcJKUCRIFTkXNGSgEA4E+WL18ui8Xi9Bg5cmSHxzz77LMaOXKkwsLCNG7cOL3yyiseihYAAKAZSakA0TopxfQ9AAD8z5gxY3T48GHHY8eOHe22ffvttzV//nwtWbJE77//vubMmaM5c+Zo3759HowYAAAEOpJSASK/vNbxnOl7AAD4n+DgYMXHxzseMTEx7bb97W9/q8suu0w///nPNWrUKN13330655xztHr1ag9GDAAAAh1JqQBR+HVNqV6hQYrtbTM5GgAA0NM+/fRTJSYmaujQoVqwYIGKiorabbtz506lp6c7bcvIyNDOnTvdHSYAAIADq+8FgMYmu744dkJScz0pi8VickQAAKAnpaamauPGjRoxYoQOHz6sFStW6IILLtC+ffvUp0+fNu2Li4sVFxfntC0uLk7FxcXtvkd9fb3q6+sdrysrK3vuAgAAQEAiKRUADh2tVZPdkESRcwAA/NHMmTMdz8ePH6/U1FQNGTJEzzzzjJYsWdIj75GTk6MVK1b0yLkAAAAkpu8FhMJW9aSSqScFAIDf69u3r84++2x99tlnLvfHx8erpKTEaVtJSYni4+PbPeeyZctUUVHheBw6dKhHYwYAAIGHpFQAyG+18l5yNCOlAADwd9XV1Tp48KASEhJc7k9LS1Nubq7Tttdee01paWntntNmsykyMtLpAQAA0B0kpQJAQfmppFQK0/cAAPA7t956q9544w0VFBTo7bff1hVXXKGgoCDNnz9fkrRw4UItW7bM0f6mm27S1q1b9etf/1r79+/X8uXLtXv3bmVmZpp1CQAAIABRUyoAtB4pNYSRUgAA+J0vvvhC8+fPV3l5uWJjY3X++efrnXfeUWxsrCSpqKhIVuupv0VOmzZNmzZt0l133aU777xTw4cP15YtWzR27FizLgEAAAQgklIBoKWmVG9bsGJ6h5ocDQAA6GmbN2/ucP/27dvbbJs7d67mzp3rpogAAABOj+l7fq7hpF1fHGtOSiXHRMhisZgcEQAAAAAAACOl/N6hY7WyG83PKXIOAAB62r4VGRQ9BwAAZ4SRUn6usJyV9wAAAAAAgPchKeXn8stqHc+TWXkPAAAAAAB4CZJSfq6g1cp7KTERJkYCAAAAAABwCjWl/FxBq+l7Q5i+BwAAetjY7G2y2s78D18FK2f1YDQAAMCXMFLKz7UkpfrYghXdK9TkaAAAAAAAAJqRlPJjDSft+vLYCUnN9aQsFovJEQEAAAAAADQjKeXHio7Wym40Px8STT0pAAAAAADgPUhK+bHC8tZFzqknBQAAAAAAvAdJKT+W32rlvWSKnAMAAAAAAC9CUsqPtV55L5mRUgAAAAAAwIuQlPJjheW1jufJ1JQCAAAAAABehKSUH2uZvtcnLFj9e4WaHA0AAAAAAMApJKX8VP3JJn11/ISk5iLnFovF5IgAAAAAAABOISnlpw4drZXdaH4+hCLnAAAAAADAy5CU8lMFZafqSaVQTwoAAAAAAHgZklJ+ipX3AAAAAACANyMp5adaipxLJKUAAAAAAID3ISnlpwrLT03fS6amFAAAAAAA8DLBZgcA92gZKRUZFqx+ESEmRwMAAPzVvhUZioyMNDsMAADggxgp5YfqGpv0VcUJSVJKTC9ZLBaTIwIAAAAAAHBGUsoPfXGsVobR/HwIU/cAAAAAAIAXIinlh/LLWtWTosg5AAAAAADwQtSU8kMFrVbeS4mJMDESAADg78Zmb5PVdub3GwUrZ/VgNAAAwJcwUsoP5ZefSkoxfQ8AAAAAAHgjklJ+qLBVUiqFpBQAAAAAAPBCJKX8UMHXNaWiwkPUr1eoydEAAAAAAAC0RVLKz9Q1NumrihOSKHIOAAAAAAC8F0kpP3PoaK0Mo/l5cjRFzgEAAAAAgHciKeVn8lutvJdMPSkAAAAAAOClvCIptWbNGiUnJyssLEypqanatWtXu203btwoi8Xi9AgLC/NgtN6toHWRc6bvAQAAAAAAL2V6Uurpp59WVlaWsrOztXfvXk2YMEEZGRk6cuRIu8dERkbq8OHDjkdhYaEHI/Zu+V8XOZekIUzfAwAAAAAAXsr0pNQjjzyia6+9VosXL9bo0aO1bt06RUREaP369e0eY7FYFB8f73jExcV5MGLvVshIKQAAAAAA4ANMTUo1NDRoz549Sk9Pd2yzWq1KT0/Xzp072z2uurpaQ4YMUVJSkr773e/qww8/9ES4PqHg65pSfSNC1Dci1ORoAAAAAAAAXAs2883LysrU1NTUZqRTXFyc9u/f7/KYESNGaP369Ro/frwqKir0q1/9StOmTdOHH36oQYMGtWlfX1+v+vp6x+vKykpJkt1ul91u78GrMV9dY5O+qqiT1LzyXk9dn91ul2EYfvd5+RP6yDfQT96PPvJ+7u4j+h4AAMBzTE1KnYm0tDSlpaU5Xk+bNk2jRo3SH//4R913331t2ufk5GjFihVttpeWlqqurs6tsXra5+UnHM/jegV1WJerK+x2uyoqKmQYhqxW02d8wgX6yDfQT96PPvJ+7u6jqqqqHj+nJyQnJ7ussfnTn/5Ua9asabN948aNWrx4sdM2m83md/dGAADAu5malIqJiVFQUJBKSkqctpeUlCg+Pr5T5wgJCdGkSZP02Wefudy/bNkyZWVlOV5XVlYqKSlJsbGxioyMPPPgvVBe2anPceTA/howYECPnNdut8tisSg2NpYvaV6KPvIN9JP3o4+8n7v7yFdX9H3vvffU1NTkeL1v3z5dcsklmjt3brvHREZG6sCBA47XFovFrTECAAB8k6lJqdDQUE2ePFm5ubmaM2eOpOabzdzcXGVmZnbqHE1NTfrggw/0ne98x+V+m80mm83WZrvVavW7LxyF5adW3hsa27tHr89isfjlZ+ZP6CPfQD95P/rI+7mzj3y132NjY51er1y5UmeddZYuvPDCdo9pWTgGAADALKZP38vKytKiRYs0ZcoUTZ06VatWrVJNTY1jSPnChQs1cOBA5eTkSJLuvfdenXfeeRo2bJiOHz+uhx9+WIWFhfrxj39s5mV4hYJWSakh0ay8BwBAIGpoaNCTTz6prKysDkc/tSwcY7fbdc455+iBBx7QmDFj2m3fXp3OfSsy/G70OQAA8AzTk1Lz5s1TaWmp7rnnHhUXF2vixInaunWro/h5UVGR018tjx07pmuvvVbFxcXq16+fJk+erLffflujR4826xK8RsvKe5KUQlIKAICAtGXLFh0/flzXXHNNu226unCM1H6dTgAAgDNlMQzDMDsIT6qsrFRUVJQqKir87q96aTm5OlxRp34RIXr/nkt77Lx2u11HjhzRgAEDfHZag7+jj3wD/eT96CPv5+4+8of7hIyMDIWGhurFF1/s9DGNjY0aNWqU5s+f73LhGMn1SKmkpCSf/qwAAIB7dPaeyvSRUugZJxqadLiiecUcpu4BABCYCgsL9a9//Uv/+Mc/unTc6RaOkdqv0zk2e5ustogux9pawcpZ3ToeAAD4Jv4M7CeKjp6qJ5USQ1IKAIBAtGHDBg0YMECzZnUtydOycExCQoKbIgMAAGiLpJSfyG9VTyqZkVIAAAQcu92uDRs2aNGiRQoOdh4Mv3DhQi1btszx+t5779U///lPff7559q7d69+8IMfsHAMAADwOKbv+YmC8lZJqZjuDaEHAAC+51//+peKior0ox/9qM0+Fo4BAADeiKSUnygsZ6QUAACB7NJLL1V769ds377d6fVvfvMb/eY3v/FAVAAAAO1j+p6fcJq+R00pAAAAAADg5UhK+YmCsuZC5/17hSoqPMTkaAAAAAAAADpGUsoPnGhoUnFlnSRpSDT1pAAAAAAAgPcjKeUHCo+emrqXQj0pAAAAAADgA0hK+YEC6kkBAAAAAAAfQ1LKD+R/XU9KIikFAAAAAAB8A0kpP1BY3mqkFDWlAAAAAACADyAp5Qfymb4HAAAAAAB8DEkpP1Dw9Uip6F6higwLMTkaAAAAAACA0yMp5eNqG06qpLJekjSEqXsAAAAAAMBHBJsdALqnsJwi5wAAwDz7VmQoMjLS7DAAAIAP6lJSKj8/X42NjZ1uHx4erqSkpC4Hhc4raFVPKiWapBQAAAAAAPANXUpKzZw5U9OmTZNhGJ1q/+GHH2rXrl1nFBg6J7+cIucAAAAAAMD3dCkpFR4ervXr13e6/bnnntvlgNA1hWWtpu8xUgoAAAAAAPiILiWlLBZLl07e1fboOueRUhQ6BwAAnjU2e5ustu7dgxSsnNVD0QAAAF/C6ns+rqWmVEzvUPUJCzE5GgAAAAAAgM5h9T0fVttwUkeq6iVJQ5i6BwCAV7jqqqt0+PDhTrcfPXq0/vSnP7kxIgAAAO/k1qRUZwui48wUUE8KAACv8/nnn+v999/vdPupU6e6MRoAAADv1aWk1JAhQ5SWltbp9uPGjetyQOi8glb1pFKoJwUAgFegpiYAAEDndCkp9dxzz7krDpyB/LJTSSmm7wEAAAAAAF/SpaQUNRK8S6HTSCmSUgAAAAAAwHd0KSlFjQTv4lRTiqQUAAAAAADwIV1KSlEjwbvkfz1SKqa3Tb1tLKQIAIA3qKmp0Y9+9KNOtTUMg4VhAABAwCKT4aNq6k+qtKpekpQcTZFzAAC8xauvvqrGxsZOtw8PD3djNAAAAN6LpJSPar3yHlP3AADwHu+++66qqqo63X7AgAEaPHiwGyMCAADwTlazA8CZaV1PiiLnAAB4j1/+8pcKCwuTzWbr1OOBBx4wO2QAAABTdGmkFDUSvEfrkVJDmL4HAIDXCAkJ0cKFCzvdfvXq1W6MBgAAwHt1KSlFjQTvUVDWavpeNCOlAADwFl1dGIaFZAAAQKDqUlKKGgneg5pSAAAAAADAl3UpKfXLX/5St912W6en5T3wwAOaM2fOmcSF08j/uqZUbB+betuoVw8AAMyxb0WGIiMjzQ4DAAD4oC5lM6iR4B2q60+qrLpekpRMPSkAALxKY2Oj3nzzzU61pQYnAAAIZF1KSlEjwTtQTwoAAO/1wx/+UK+++mqn219zzTXuCwYAAMCLMe/LB1FPCgAA73XLLbd0afST1Wp1YzTuNzZ7m6y27o3cLlg5q4eiAQAAvoSklA8qLK91PGekFAAA3mXMmDEaNGhQp9oahqHa2lq9++67bo4KAADA+3QpKUWNBO+Q33r6Xgw1pQAA8Ca9evXS66+/3un25557rhujAQAA8F5dSkpRI8E7UFMKAADv1dM1ON988009/PDD2rNnjw4fPqznnnvOaXVjwzCUnZ2txx57TMePH9f06dO1du1aDR8+vMPzrlmzRg8//LCKi4s1YcIE/f73v9fUqVO7FDsAAEB3dCkpFWg1ErxVS02p2D429bIxAxMAAH9WU1OjCRMm6Ec/+pGuvPLKNvsfeugh/e53v9MTTzyhlJQU3X333crIyNBHH32ksLAwl+d8+umnlZWVpXXr1ik1NVWrVq1SRkaGDhw4oAEDBrj7kgAAACR1MSlFjQTzVdU1qqy6QZKUwigpAAD83syZMzVz5kyX+wzD0KpVq3TXXXfpu9/9riTpz3/+s+Li4rRlyxZdffXVLo975JFHdO2112rx4sWSpHXr1unll1/W+vXrdccdd7jnQgAAAL6hS0kpaiSYz6nIOfWkAAAIaPn5+SouLlZ6erpjW1RUlFJTU7Vz506XSamGhgbt2bNHy5Ytc2yzWq1KT0/Xzp07PRI3AACA1MWkVE/XSEDXORc5Z6QUAADeJjQ0VNOmTet0+5iYmDN+r+LiYklSXFyc0/a4uDjHvm8qKytTU1OTy2P279/f7nvV19ervr7e8bqysvJMwwYAAJDUxaQUzFdYTpFzAAC82dSpU1VaWtrp9sOGDXNjND0nJydHK1asMDsMAADgR0hK+Zj8slbT90hKAQDgdd5880298MILnV4cZu7cubrvvvvO6L3i4+MlSSUlJUpISHBsLykp0cSJE10eExMTo6CgIJWUlDhtLykpcZzPlWXLlikrK8vxurKyUklJSWcUNwAAgCR5xfJ4a9asUXJyssLCwpSamqpdu3Z16rjNmzfLYrE4LYvs7wpaj5SiphQAAF7HYrFo8ODBGjJkSKceXVnZ+JtSUlIUHx+v3Nxcx7bKykq9++67SktLc3lMaGioJk+e7HSM3W5Xbm5uu8dIks1mU2RkpNMDAACgO7o0UsodNRLOdEnigoIC3Xrrrbrgggs6HY8/KPi6ptSAPjZFhDLQDQAAb9PTNTirq6v12WefOV7n5+crLy9P/fv31+DBg3XzzTfr/vvv1/Dhw5WSkqK7775biYmJTn+0u/jii3XFFVcoMzNTkpSVlaVFixZpypQpmjp1qlatWqWamhrHanwAAACe0KWshjtqJJzJksRNTU1asGCBVqxYobfeekvHjx/vdEy+rLKuUeU1DZIocg4AQKDYvXu3LrroIsfrlil0ixYt0saNG3XbbbeppqZG1113nY4fP67zzz9fW7duVVhYmOOYgwcPqqyszPF63rx5Ki0t1T333KPi4mJNnDhRW7dubVP8HAAAwJ26lJTq6RoJZ7ok8b333qsBAwZoyZIleuuttzqMob2VYux2u+x2e6euw1vkl1Y7nidHR3gsfrvdLsMwfO7zCiT0kW+gn7wffeT93N1H3tj3M2bM6PDey2Kx6N5779W9997bbpuCgoI22zIzMx0jpwAAAMzQpaRUS42Ezjpd8upMliTesWOHHn/8ceXl5XUqhvZWiiktLVVdXV2nzuEt/vv5UcfzGJuhI0eOeOR97Xa7KioqZBiGrFavKEOGb6CPfAP95P3oI+/n7j6qqqrq9jlOnDjRYYKote7UkwIAAPB1XU5KubP96VRVVemHP/yhHnvssU7Vq5LaXykmNjbW5wp0HttX6Xg+ZsiADmtu9SS73S6LxaLY2Fi+pHkp+sg30E/ejz7yfu7uo9ZT3s7UH//4R504caLT7TMyMrr9nmbatyLD5+6pAACAdzC1UnZXlyQ+ePCgCgoKNHv2bMe2lmH2wcHBOnDggM466yynY2w2m2w2W5tzWa1Wn/vCUXC01vF8aGxvj8ZvsVh88jMLJPSRb6CfvB995P3c2Uc9cc5vfetbPRAJAACA/zP1jrurSxKPHDlSH3zwgfLy8hyP//mf/9FFF12kvLw8JSUleTJ8j2tZeU+ShkRHmBgJAAAAAABA93RppJQ7aiScbknihQsXauDAgcrJyVFYWJjGjh3rdHzfvn0lqc12f1RY3jxSKi7SpohQUwe5AQAAAAAAdEuXMhvuqJFwuiWJi4qKmEIhqbKuUeU1DZKk5OheJkcDAADQbGz2Nllt3R/BXbByVg9EAwAAfEmXklLuqpHQ0ZLE27dv7/DYjRs39nxAXqj11L2UGJJSAAAAAADAtzEEyUfkO9WTIikFAAAAAAB8G0kpH9FST0qSUmIocg4AAAAAAHwbSSkf0Xr6XjLT9wAAAAAAgI8jKeUj8stbTd/rT1IKAAAAAAD4NpJSPqJl+l58ZJjCQ4NMjgYAAAAAAKB7SEr5gIoTjTpa0yBJSqaeFAAAAAAA8AMkpXxA63pSKdSTAgAAAAAAfoCklA8oaF1PKpqkFAAAAAAA8H0kpXxAQVmt43kySSkAAAAAAOAHSEr5gNYjpZi+BwAAAAAA/AFJKR+QX9Z6+h6FzgEAAAAAgO8jKeUDCr8eKZUQFaawkCCTowEAAAAAAOg+klJerqK2UcdqGyVRTwoAAAAAAPiPYLMDQMfyW9WTSqaeFAAA8DL7VmQoMjLS7DAAAIAPYqSUlytoVU8qmXpSAAAAAADAT5CU8nIFjJQCAAAAAAB+iKSUl2s9UiqFpBQAAAAAAPAT1JTycvnltY7ng/szfQ8AAHiXsdnbZLX1/D1KwcpZPX5OAADgXRgp5eUKv56+lxgVprCQIJOjAQAAAAAA6BkkpbzY8doGHa9tlEQ9KQAAAAAA4F9ISnmx/DKKnAMAAAAAAP9EUsqLFbaqJ5UcTT0pAAAAAADgP0hKeTGnkVLRjJQCAAAAAAD+g6SUFysoP5WUSmH6HgAAAAAA8CMkpbxYwdcjpSwWKak/0/cAAAAAAID/ICnlxQq+rimVGBWusJAgk6MBAAAAAADoOSSlvNSxmgZVnGiUJCXHMEoKAAAAAAD4F5JSXiq/nCLnAAAAAADAf5GU8lKFJKUAAAAAAIAfIynlpfLLah3Pk1l5DwCAgPXmm29q9uzZSkxMlMVi0ZYtWxz7Ghsbdfvtt2vcuHHq1auXEhMTtXDhQn311VcdnnP58uWyWCxOj5EjR7r5SgAAAJyRlPJSLSvvSVIKNaUAAAhYNTU1mjBhgtasWdNmX21trfbu3au7775be/fu1T/+8Q8dOHBA//M//3Pa844ZM0aHDx92PHbs2OGO8AEAANoVbHYAcK3g6+l7Fos0qB9JKQAAAtXMmTM1c+ZMl/uioqL02muvOW1bvXq1pk6dqqKiIg0ePLjd8wYHBys+Pr7b8e1bkaHIyMhunwcAAAQeRkp5IcMwlP/1SKnEqHCFhQSZHBEAAPAVFRUVslgs6tu3b4ftPv30UyUmJmro0KFasGCBioqKOmxfX1+vyspKpwcAAEB3kJTyQsdqG1VVd1KSlEI9KQAA0El1dXW6/fbbNX/+/A5HL6Wmpmrjxo3aunWr1q5dq/z8fF1wwQWqqqpq95icnBxFRUU5HklJSe64BAAAEEBISnmh/Fb1pJKpJwUAADqhsbFR3//+92UYhtauXdth25kzZ2ru3LkaP368MjIy9Morr+j48eN65pln2j1m2bJlqqiocDwOHTrU05cAAAACDDWlvFBheaukVDQjpQAAQMdaElKFhYV6/fXXu1zjqW/fvjr77LP12WeftdvGZrPJZrO12T42e5usNvf8Ea1g5Sy3nBcAAHgHRkp5odYr75GUAgAAHWlJSH366af617/+pejo6C6fo7q6WgcPHlRCQoIbIgQAAHCNpJQXyi+vdTxPpqYUAAABrbq6Wnl5ecrLy5Mk5efnKy8vT0VFRWpsbNT3vvc97d69W0899ZSamppUXFys4uJiNTQ0OM5x8cUXa/Xq1Y7Xt956q9544w0VFBTo7bff1hVXXKGgoCDNnz/f05cHAAACGNP3vFDL9D2rRUrqH25yNAAAwEy7d+/WRRdd5HidlZUlSVq0aJGWL1+uF154QZI0ceJEp+P+/e9/a8aMGZKkgwcPqqyszLHviy++0Pz581VeXq7Y2Fidf/75eueddxQbG+veiwEAAGiFpJSXMQzDUeg8sW+4bMFBJkcEAADMNGPGDBmG0e7+jva1KCgocHq9efPm7oYFAADQbUzf8zJHaxpUVXdSkpTC1D0AAAAAAOCnSEp5mYJWK+8NiXbPSjYAAAAAAABmIynlZQrKWhU5Z+U9AAAAAADgp0hKeZnWI6WYvgcAAAAAAPwVSSkv01LkXJKSSUoBAAAAAAA/RVLKyxSWN0/fs1qkpH7UlAIAAAAAAP6JpJQXMQxDBV+PlBrYL1yhwXQPAAAAAADwT16R9VizZo2Sk5MVFham1NRU7dq1q922//jHPzRlyhT17dtXvXr10sSJE/WXv/zFg9G6T3lNg6rqT0qiyDkAAAAAAPBvpielnn76aWVlZSk7O1t79+7VhAkTlJGRoSNHjrhs379/f/3iF7/Qzp079d///leLFy/W4sWLtW3bNg9H3vMKWteTIikFAAAAAAD8mOlJqUceeUTXXnutFi9erNGjR2vdunWKiIjQ+vXrXbafMWOGrrjiCo0aNUpnnXWWbrrpJo0fP147duzwcOQ9r+DrelISRc4BAAAAAIB/CzbzzRsaGrRnzx4tW7bMsc1qtSo9PV07d+487fGGYej111/XgQMH9OCDD7psU19fr/r6esfryspKSZLdbpfdbu/mFfSs/NJqx/Mh/cO9Jj673S7DMLwmHrRFH/kG+sn70Ufez919RN933b4VGYqMjDQ7DAAA4INMTUqVlZWpqalJcXFxTtvj4uK0f//+do+rqKjQwIEDVV9fr6CgIP3hD3/QJZdc4rJtTk6OVqxY0WZ7aWmp6urquncBPWz/l0cdzyMtde1OYfQ0u92uiooKGYYhq9X0wXVwgT7yDfST96OPvJ+7+6iqqqrHzwkAAADXTE1Knak+ffooLy9P1dXVys3NVVZWloYOHaoZM2a0abts2TJlZWU5XldWViopKUmxsbFe91e9kppPJUlWizT+rEFes/qe3W6XxWJRbGwsX9K8FH3kG+gn70cfeT9391FYWFiPnxMAAACumZqUiomJUVBQkEpKSpy2l5SUKD4+vt3jrFarhg0bJkmaOHGiPv74Y+Xk5LhMStlsNtlsNpfn8KYvHIZhOGpKDeoXobBQ78oXWiwWr/vM4Iw+8g30k/ejj7yfO/uIfgcAAPAcUzMfoaGhmjx5snJzczVnzhxJzX8Bzc3NVWZmZqfPY7fbnepG+aKy6gZV15+URJFzAADgO8Zmb5PVFmFqDAUrZ5n6/gAA4MyYPhwnKytLixYt0pQpUzR16lStWrVKNTU1Wrx4sSRp4cKFGjhwoHJyciQ114iaMmWKzjrrLNXX1+uVV17RX/7yF61du9bMy+i2wvIax/PkaHNv7AAAAAAAANzN9KTUvHnzVFpaqnvuuUfFxcWaOHGitm7d6ih+XlRU5DSUvqamRj/96U/1xRdfKDw8XCNHjtSTTz6pefPmmXUJPSK/rHVSipFSAAAAAADAv5melJKkzMzMdqfrbd++3en1/fffr/vvv98DUXlWQauRUilM3wMAAAAAAH6Oap5eoqCs1vF8CNP3AAAAAACAnyMp5SVaRkoFWS1K6k9SCgAAAAAA+DeSUl7AMAwVfF1TalC/cIUE0S0AAAAAAMC/kf3wAqXV9appaJJEkXMAAAAAABAYSEp5gcLyU/WkkqknBQAAAAAAAgBJKS+QX3Zq5b1kVt4DAAAAAAABgKSUFyggKQUAAAAAAAIMSSkv0LLynkRNKQAAAAAAEBhISnmBgrLmmlJBVosG9Qs3ORoAAAAAAAD3IyllMsMwHCOlkvqFKySILgEAAAAAAP6PDIjJSqvqVdvQJIl6UgAAAAAAIHAEmx1AoCsor3U8p54UAADwNftWZCgyMtLsMAAAgA9ipJTJnFbei44wMRIAAAAAAADPISllsvzWK+8xfQ8AAAAAAAQIpu+ZzHmkFEkpAADgW8Zmb5PV5l+jvQtWzjI7BAAAAgIjpUzWUlMq2GrRoH7hJkcDAAAAAADgGSSlTGQYhgq/nr6X1D9CwUF0BwAAAAAACAxkQUx0pKpetQ1NkqQhFDkHAAAuvPnmm5o9e7YSExNlsVi0ZcsWp/3XXHONLBaL0+Oyyy477XnXrFmj5ORkhYWFKTU1Vbt27XLTFQAAALhGUspE1JMCAACnU1NTowkTJmjNmjXttrnssst0+PBhx+Ovf/1rh+d8+umnlZWVpezsbO3du1cTJkxQRkaGjhw50tPhAwAAtItC5yYqaLXyXgor7wEAABdmzpypmTNndtjGZrMpPj6+0+d85JFHdO2112rx4sWSpHXr1unll1/W+vXrdccdd3QrXgAAgM5ipJSJ8stqHc+TSUoBAIAztH37dg0YMEAjRozQ9ddfr/Ly8nbbNjQ0aM+ePUpPT3dss1qtSk9P186dOz0RLgAAgCRGSpmqsLz19D1qSgEAgK677LLLdOWVVyolJUUHDx7UnXfeqZkzZ2rnzp0KCgpq076srExNTU2Ki4tz2h4XF6f9+/e3+z719fWqr693vK6srOy5iwAAAAGJpJSJ8r+uKRVstWhg33CTowEAAL7o6quvdjwfN26cxo8fr7POOkvbt2/XxRdf3GPvk5OToxUrVvTY+QAAAJi+ZxLDMFRY3jx9b3D/CAUH0RUAAKD7hg4dqpiYGH322Wcu98fExCgoKEglJSVO20tKSjqsS7Vs2TJVVFQ4HocOHerRuAEAQOAhE2KSksp6nWhskiQNYeoeAADoIV988YXKy8uVkJDgcn9oaKgmT56s3Nxcxza73a7c3FylpaW1e16bzabIyEinBwAAQHeQlDJJ65X3KHIOAADaU11drby8POXl5UmS8vPzlZeXp6KiIlVXV+vnP/+53nnnHRUUFCg3N1ff/e53NWzYMGVkZDjOcfHFF2v16tWO11lZWXrsscf0xBNP6OOPP9b111+vmpoax2p8AAAAnkBNKZMUlJ1KSqWQlAIAAO3YvXu3LrroIsfrrKwsSdKiRYu0du1a/fe//9UTTzyh48ePKzExUZdeeqnuu+8+2Ww2xzEHDx5UWVmZ4/W8efNUWlqqe+65R8XFxZo4caK2bt3apvg5AACAO5GUMkm+08p7JKUAAIBrM2bMkGEY7e7ftm3bac9RUFDQZltmZqYyMzO7ExoAAEC3MH3PJIVltY7nJKUAAAAAAECgYaSUSVpqSoUEWZTYN8zkaAAAAM7MvhUZFD0HAABnhJFSJrDbDUdSKql/hIKD6AYAAAAAABBYyIaYoKSqTnWNdklM3QMAAAAAAIGJpJQJCqgnBQAAAAAAAhw1pUxQ0GrlvZSYCBMjAQAA6J6x2dtktXE/4ysKVs4yOwQAABwYKWWCgrJTSakhjJQCAAAAAAABiKSUCZxHSpGUAgAAAAAAgYeklAlaakqFBlmV2Dfc5GgAAAAAAAA8j6SUh9nthmOkVFL/cAVZLSZHBAAAAAAA4HkkpTyspKpO9Sftklh5DwAAAAAABC6SUh6W36rIeTL1pAAAAAAAQIAiKeVhLfWkJJJSAAAAAAAgcJGU8rDWK+8lR0eYGAkAAAAAAIB5SEp5WEHr6XvUlAIAAAAAAAGKpJSHtYyUCg2yKrFvuMnRAAAAAAAAmIOklAfZ7YYKy5trSg2OjlCQ1WJyRAAAAAAAAOYgKeVBxZV1qj9pl0Q9KQAAAAAAENhISnkQ9aQAAAAAAACaeUVSas2aNUpOTlZYWJhSU1O1a9eudts+9thjuuCCC9SvXz/169dP6enpHbb3JvmtV96LISkFAAAAAAACV7DZATz99NPKysrSunXrlJqaqlWrVikjI0MHDhzQgAED2rTfvn275s+fr2nTpiksLEwPPvigLr30Un344YcaOHCgCVfQeYyUAgAA/mbfigxFRkaaHQYAAPBBpo+UeuSRR3Tttddq8eLFGj16tNatW6eIiAitX7/eZfunnnpKP/3pTzVx4kSNHDlSf/rTn2S325Wbm+vhyLuu4Osi55KUHENNKQAAAAAAELhMHSnV0NCgPXv2aNmyZY5tVqtV6enp2rlzZ6fOUVtbq8bGRvXv39/l/vr6etXX1zteV1ZWSpLsdrvsdns3ou+6lpFSocFWxfexefz9z5TdbpdhGD4TbyCij3wD/eT96CPv5+4+ou8BAAA8x9SkVFlZmZqamhQXF+e0PS4uTvv37+/UOW6//XYlJiYqPT3d5f6cnBytWLGizfbS0lLV1dV1PegzZDcMFX5dUyoxMlRlZaUee+/ustvtqqiokGEYslpNH1wHF+gj30A/eT/6yPu5u4+qqqp6/Jz+bmz2NlltjAD3VQUrZ5kdAgAggJleU6o7Vq5cqc2bN2v79u0KCwtz2WbZsmXKyspyvK6srFRSUpJiY2M9Wv/gy+Mn1NBkSJKGxUW6rJflrex2uywWi2JjY/mS5qXoI99AP3k/+sj7ubuP2rufAAAAQM8zNSkVExOjoKAglZSUOG0vKSlRfHx8h8f+6le/0sqVK/Wvf/1L48ePb7edzWaTzWZrs91qtXr0C0fR0ROO5ykxvXzuy47FYvH4Z4auoY98A/3k/egj7+fOPqLfAQAAPMfUO6/Q0FBNnjzZqUh5S9HytLS0do976KGHdN9992nr1q2aMmWKJ0LttvzWK+/FsPIeAAAAAAAIbKZP38vKytKiRYs0ZcoUTZ06VatWrVJNTY0WL14sSVq4cKEGDhyonJwcSdKDDz6oe+65R5s2bVJycrKKi4slSb1791bv3r1Nu47TaaknJUnJ0SSlAAAAAABAYDM9KTVv3jyVlpbqnnvuUXFxsSZOnKitW7c6ip8XFRU5DaVfu3atGhoa9L3vfc/pPNnZ2Vq+fLknQ++S/LJax3NGSgEAAAAAgEBnelJKkjIzM5WZmely3/bt251eFxQUuD8gNyj4eqRUaLBVCZEUUQUAAAAAAIGNap4e0GQ3VFTePFJqSP8IWa0WkyMCAAAAAAAwF0kpDzhccUINTXZJTN0DAAAAAACQSEp5REGrelIpJKUAAAAAAABISnlCPivvAQAAAAAAOCEp5QGFZa2TUhEmRgIAAAAAAOAdSEp5QEHrkVJM3wMAAAAAACAp5Qn5X4+UsgVbFR8ZZnI0AADAl7z55puaPXu2EhMTZbFYtGXLFqf9FovF5ePhhx9u95zLly9v037kyJFuvhIAAABnJKXcrMlu6NDRE5KkIdERslotJkcEAAB8SU1NjSZMmKA1a9a43H/48GGnx/r162WxWHTVVVd1eN4xY8Y4Hbdjxw53hA8AANCuYLMD8HdfHT+hhia7JIqcAwCArps5c6ZmzpzZ7v74+Hin188//7wuuugiDR06tMPzBgcHtzn2TOxbkaHIyMhunwcAAAQeRkq5Wet6UinUkwIAAG5UUlKil19+WUuWLDlt208//VSJiYkaOnSoFixYoKKiog7b19fXq7Ky0ukBAADQHSSl3KygjCLnAADAM5544gn16dNHV155ZYftUlNTtXHjRm3dulVr165Vfn6+LrjgAlVVVbV7TE5OjqKiohyPpKSkng4fAAAEGJJSblZQXut4PiQ6wsRIAACAv1u/fr0WLFigsLCOF1aZOXOm5s6dq/HjxysjI0OvvPKKjh8/rmeeeabdY5YtW6aKigrH49ChQz0dPgAACDDUlHKz1iOlmL4HAADc5a233tKBAwf09NNPd/nYvn376uyzz9Znn33WbhubzSabzdZm+9jsbbLa+MMb4KsKVs4yOwQAAYyRUm6W/3VNqbAQq+L6dPxXSwAAgDP1+OOPa/LkyZowYUKXj62urtbBgweVkJDghsgAAABcIynlRieb7Dp0tHn63pD+vWS1WkyOCAAA+Jrq6mrl5eUpLy9PkpSfn6+8vDynwuSVlZV69tln9eMf/9jlOS6++GKtXr3a8frWW2/VG2+8oYKCAr399tu64oorFBQUpPnz57v1WgAAAFpj+p4bHa6oU2OTIUlKjmFYOwAA6Lrdu3froosucrzOysqSJC1atEgbN26UJG3evFmGYbSbVDp48KDKysocr7/44gvNnz9f5eXlio2N1fnnn6933nlHsbGx7rsQAACAbyAp5Ub5rLwHAAC6acaMGTIMo8M21113na677rp29xcUFDi93rx5c0+EBgAA0C1M33OjgvJWSaloklIAAAAAAAAtSEq5UUFZreM5SSkAAAAAAIBTSEq5UeuRUilM3wMAAAAAAHAgKeVGBV/XlAoLsSou0mZyNAAAAAAAAN6DpJSbnGyy69Cx5ul7ydG9ZLFYTI4IAAAAAADAe5CUcpOvjtepsal5pRzqSQEAAAAAADgjKeUm+a1X3qOeFAAAAAAAgBOSUm7SUk9KkpKjI0yMBAAAAAAAwPuQlHKTAkZKAQAAAAAAtIuklJu0HimVQlIKAAAAAADASbDZAfirgvLmlffCQ4I0oI/N5GgAAADcY9+KDEVGRpodBgAA8EGMlHKDk012HTranJQaEh0hi8VickQAAAAAAADehaSUG3x5/IRO2g1JTN0DAAAAAABwhel7bpBfRpFzAAAQGMZmb5PVxkrDAAD4koKVs8wOQRJJKbdoXeQ8OZqbNADoCYZh6OTJk2pqanLbe9jtdjU2Nqqurk5WK4OJvVF3+ygoKEjBwcFMrQcAAPACJKXcoKXIuSQlRzNSCgC6q6GhQYcPH1Ztbe3pG3eDYRiy2+2qqqoiaeGleqKPIiIilJCQoNDQ0B6ODgAAAF1BUsoNCspPjZSiphQAdI/dbld+fr6CgoKUmJio0NBQtyWMWkZjMZLGe3WnjwzDUENDg0pLS5Wfn6/hw4czIg4AAMBEJKXcoGX6XkRokGL72EyOBgB8W0NDg+x2u5KSkhQR4d4p0SSlvF93+yg8PFwhISEqLCxUQ0ODwsLC3BAlAAAAOoM/D/awxia7vjh2QpI0JLoXX2oAoIcwogU9hX9LAAAA3oG7sh725bETOmk3JEkpMRQ5BwAAAAAAcIWkVA/LL2+98h71pAAAAAAAAFwhKdXDCstISgEAAAAAAJwOSakeVlB+arnyZFbeA4CA9MYbb2jkyJGaOHGi02P8+PG64YYbJEmpqalt9k+cOFHDhg1TfX29HnzwQY0dO7bN/tGjR+upp57SwYMHdfbZZ7s8xxVXXCFJuuKKK1zuP/vss3Xw4MFOX49hGLrnnnuUkJCg8PBwpaen69NPPz3tcV9++aV+8IMfKDo6WuHh4Ro3bpx2797t2G+xWFw+Hn74YafzvPzyy0pNTVV4eLj69++vq666ymn/e++9p4svvlh9+/ZVv379lJGRof/7v//r9PUBAADAHKy+14Oa7IbeLzrmeJ3UP9zEaAAAZjlx4oSuvvpqLV++3Gl7QUGB7rjjDknNCZm8vLw2x86YMUOGYejYsWNavXq1ZsyY4bR/48aNqqqqUmNjo6ZNm6aNGze2Ocd5550nSTp8+LDL97jmmmvU2NjY6et56KGH9Lvf/U5PPPGEUlJSdPfddysjI0MfffRRu6vXHTt2TNOnT9dFF12kV199VbGxsfr000/Vr18/R5vDhw87HfPqq69qyZIlTkmnv//977r22mv1wAMP6Nvf/rYaGxudEk7V1dW67LLL9D//8z/6wx/+oJMnTyo7O1sZGRk6dOiQQkJCOn2dAAAA8CySUj1k677DWvHiRzpcUefYdsUf3tby2aN12dgEEyMDAD9VU9P+vqAgqXWypKO2VqsUHu7cNjhY+ubqqb0Cc/SrYRhatWqV7rrrLn33u9+VJP35z39WXFyctmzZoquvvtrlcQ8++KCSkpK0YcMGx7aUlBSnNvHx8U6vn3/+eV100UUaOnSoJOnkyZO66aab9PDDD2vJkiWOeM4++2zHMfv379fRo0d17733KikpSZKUnZ2t8ePHq7CwUMOGDevmJwAAAAB3YfpeD9i677Cuf3KvU0JKkkoq6nT9k3u1dd/hdo4EAJyx3r3bf3xjepcGDGi/7cyZTk2Dhw+XpU+ftu381PLly5WcnNzu/vz8fBUXFys9Pd2xLSoqSqmpqdq5c2e7x73wwguaMmWK5s6dqwEDBmjSpEl67LHH2m1fUlKil19+2ZF8kqS9e/fqyy+/lNVq1aRJk5SQkKDvfOc72rdvn6PNiBEjFB0drccff1wNDQ06ceKEHn/8cY0aNarD6wIAAID5SEp1U5Pd0IoXP5LhYl/LthUvfqQmu6sWAACYKyYmRmeddVa7+4uLiyVJcXFxTtvj4uIc+1z5/PPPtXbtWg0fPlzbtm3T9ddfrxtvvFFPPPGEy/ZPPPGE+vTpoyuvvNLpHFJz4uyuu+7SSy+9pH79+umSSy7R0aNHJUl9+vTR9u3b9eSTTyo8PFy9e/fW1q1b9eqrryo4mAHhAAAA3oy7tW7alX+0zQip1gxJhyvqtCv/qNLOivZcYADg76qr298XFOT8+siR9ttanf8+c/LTTxUcHCzLN6fv+anMzExlZmb2+HntdrumTJmiBx54QJI0adIk7du3T+vWrdOiRYvatF+/fr0WLFjgVKPKbrdLkn7xi1846kytX79eSUlJevbZZ/WTn/xEJ06c0JIlSzR9+nT99a9/VVNTk371q19p1qxZeu+99xQeTn1HAAAAb0VSqpuOVLWfkDqTdgCATupKjaeutnVVUypAtdR9KikpUULCqRqJJSUlmjhxYrvHJSQkaPTo0U7bRo0apb///e9t2r711ls6cOCAnn766TbnkOR0HpvNppSUFBUVFUmSNm3apIKCAu3cuVPWrxOMmzZtUr9+/fT888+3W/MKPWffigxFRkaaHQYAAPBBpk/fW7NmjZKTkxUWFqbU1FTt2rWr3bYffvihrrrqKiUnJ8tisWjVqlWeC7QdA/q4XnXoTNsBAOBNUlJSFB8fr9zcXMe2yspKvfvuu0pLS2v3uOnTp+vAgQNO2z755BMNGTKkTdvHH39ckydP1oQJE5y2T548WTabzek8jY2NKiwsdJyntrZWVqvVaWRby+uWkVYAAADwTqYmpZ5++mllZWUpOztbe/fu1YQJE5SRkaEj7UyzqK2t1dChQ7Vy5co2K/aYZWpKfyVEham9v6dbJCVEhWlqSn9PhgUAQKesXr1aF198cbv7LRaLbr75Zt1///164YUX9MEHH2jhwoVKTEzUnDlzHO0uvvhirV692vH6lltu0TvvvKMHHnhAn332mTZt2qRHH31US5cudTp/ZWWlnn32Wf34xz9u896RkZH6yU9+ouzsbP3zn//UgQMHdP3110uS5s6dK0m65JJLdOzYMS1dulQff/yxPvzwQy1evFjBwcG66KKLuvPRAAAAwM1MTUo98sgjuvbaa7V48WKNHj1a69atU0REhNavX++y/bnnnquHH35YV199tWw2m4ejdS3IalH27OZpBd9MTLW8zp49WkFWpoEAALxPWVmZDh482GGb2267TTfccIOuu+46nXvuuaqurtbWrVud6j8dPHhQZWVljtfnnnuunnvuOf31r3/V2LFjdd9992nVqlVasGCB07k3b94swzA0f/58l+/d8v/+D3/4Q5177rkqKirStm3b1K9fP0nSyJEj9eKLL+q///2v0tLSdMEFF+irr77S1q1bnaYbAgAAwPuYVlOqoaFBe/bs0bJlyxzbrFar0tPTO1xi2htdNjZBa39wjla8+JFT0fP4qDBlzx6ty8ZyUwwA8E7Lly/X8uXLO2xjsVh077336t577223TUFBQZttl19+uS6//PIOz33dddfpuuuua3d/SEiIfvWrX+lXv/qVJMkwDJ08edKpzSWXXKJLLrmkw/cBAACA9zEtKVVWVqampiaXS0zv37+/x96nvr5e9fX1jteVlZWSmlf06claE5eOjtPFIwfovYKjOlJVrwF9bDo3ub+CrL5f08Jut8swDJ+/Dn9GH/kG+unMtHxuLQ93a3mP7rxXe/F+89ztvUfr412do/X2js7RmffwRd3to5Zrd3UvwM8nAACA5/j96ns5OTlasWJFm+2lpaWqq+v5FfGG9paG9g6W1KTystIeP78Z7Ha7KioqZBiGY2UjeBf6yDfQT2emsbFRdrtdJ0+ebDNCpqcZhqGmpiZJciqc3VW9e/fWSy+9pJdeeqnNvksuuUQnT55UVFSUpkyZ4vJ4u92uxMRE3XrrrS7333777QoJCdEHH3zg8hxjx47VyZMnNWLEiHbfIyQkxO2fpzv0RB+dPHlSdrtd5eXlCgkJcdpXVVXV7RgBAADQOaYlpWJiYhQUFKSSkhKn7SUlJT1axHzZsmXKyspyvK6srFRSUpJiY2NZvriT7Ha7LBaLYmNj+SLtpegj30A/nZm6ujpVVVUpODhYwcGe+W/rm4mKrjr//PO1e/fuDtts3bq1w/033nijbrzxxg7bnO49Nm7c2OF+X9adPgoODpbValV0dLRTXSxJbV57g5ycHP3jH//Q/v37FR4ermnTpunBBx/UiBEjHG3q6ur0s5/9TJs3b1Z9fb0yMjL0hz/8oc2I9NYMw1B2drYee+wxHT9+XNOnT9fatWs1fPhwT1wWAACAeUmp0NBQTZ48Wbm5uY7Ve+x2u3Jzc5WZmdlj72Oz2VwWRbdarXwp7AKLxcJn5uXoI99AP3Wd1WqVxWJxPNzJMAzHe7j7vXBmeqKPWv4tufpZ9MafzTfeeENLly7Vueeeq5MnT+rOO+/UpZdeqo8++ki9evWS1Lza4csvv6xnn31WUVFRyszM1JVXXqn//Oc/7Z73oYce0u9+9zs98cQTSklJ0d13362MjAx99NFHXpmcAwAA/sfU6XtZWVlatGiRpkyZoqlTp2rVqlWqqanR4sWLJUkLFy7UwIEDlZOTI6m5OPpHH33keP7ll18qLy9PvXv31rBhw0y7DgCA+/lq/SN4H1/7t/TNUXUbN27UgAEDtGfPHn3rW99SRUWFHn/8cW3atEnf/va3JUkbNmzQqFGj9M477+i8885rc07DMLRq1Srddddd+u53vytJ+vOf/6y4uDht2bJFV199tfsvDAAABDxTk1Lz5s1TaWmp7rnnHhUXF2vixInaunWrY6h5UVGR018sv/rqK02aNMnxumU1ngsvvFDbt2/3dPgAAA9omaZVW1ur8PBwk6OBP6itrZXU/WmaZqmoqJAk9e/fX5K0Z88eNTY2Kj093dFm5MiRGjx4sHbu3OkyKZWfn6/i4mKnY6KiopSamqqdO3e6TEq1t3gMAADAmTK90HlmZma70/W+mWhKTk72ub9uAgC6JygoSH379tWRI0ckSREREW6bWmcYhk6ePKng4GCm73mp7vSRYRiqra3VkSNH1LdvXwUFBbkpSvex2+26+eabNX36dI0dO1aSVFxcrNDQUPXt29epbVxcnIqLi12ep2W7q1WQ2zumvcVjAAAAzpTpSSkAAE6nZQGMlsSUuxiGIbvd7qhjBe/TE33Ut2/fHl1UxZOWLl2qffv2aceOHR5/7/YWjwEAADhTJKUAAF7PYrEoISFBAwYMUGNjo9vex263q7y8XNHR0V5Z8Brd76OQkBCfHCElNY8uf+mll/Tmm29q0KBBju3x8fFqaGjQ8ePHnUZLdbSiccv2kpISJSQkOB0zceJEl8e0t3gMAADAmSIpBQDwGUFBQW5NKNjtdoWEhCgsLIyklJcKxD4yDEM33HCDnnvuOW3fvl0pKSlO+ydPnqyQkBDl5ubqqquukiQdOHBARUVFSktLc3nOlJQUxcfHKzc315GEqqys1Lvvvqvrr7/erdcDAADQIjDu5gAAAHzU0qVL9eSTT2rTpk3q06ePiouLVVxcrBMnTkhqLlC+ZMkSZWVl6d///rf27NmjxYsXKy0tzanI+ciRI/Xcc89Jah59ePPNN+v+++/XCy+8oA8++EALFy5UYmKi5syZY8ZlAgCAAMRIKQAAAC+2du1aSdKMGTOctm/YsEHXXHONJOk3v/mNrFarrrrqKtXX1ysjI0N/+MMfnNofOHDAsXKfJN12222qqanRddddp+PHj+v888/X1q1bFRYW5tbrAQAAaGExAmw5u8rKSkVFRamiokKRkZFmh+MT7Ha7jhw5ogEDBgTMVAlfQx/5BvrJ+9FH3s/dfcR9QufxWQEAgPZ09j4h4EZKteTgKisrTY7Ed9jtdlVVVQVU/Q5fQx/5BvrJ+9FH3s/dfdRyfxBgf7M7I9xTAQCA9nT2nirgklJVVVWSxBLGAACgXVVVVYqKijI7DK9WXl4uiXsqAADQvtPdUwXc9D273a6vvvpKffr0kcViMTscn1BZWamkpCQdOnSI4fleij7yDfST96OPvJ+7+8gwDFVVVSkxMZHRcqdx/Phx9evXT0VFRSTwuonfPT2Hz7Ln8Fn2HD7LnsNn2XO85Z4q4EZKWa1WDRo0yOwwfFJkZCQ/+F6OPvIN9JP3o4+8nzv7iARL57TcYEZFRfHz0kP43dNz+Cx7Dp9lz+Gz7Dl8lj3H7Hsq/gQIAAAAAAAAjyMpBQAAAAAAAI8jKYXTstlsys7Ols1mMzsUtIM+8g30k/ejj7wffeQ96Iuew2fZc/gsew6fZc/hs+w5fJY9x1s+y4ArdA4AAAAAAADzMVIKAAAAAAAAHkdSCgAAAAAAAB5HUgoAAAAAAAAeR1IKLuXk5Ojcc89Vnz59NGDAAM2ZM0cHDhwwOyx0YOXKlbJYLLr55pvNDgXf8OWXX+oHP/iBoqOjFR4ernHjxmn37t1mh4VWmpqadPfddyslJUXh4eE666yzdN9994myi+Z58803NXv2bCUmJspisWjLli1O+w3D0D333KOEhASFh4crPT1dn376qTnBBqg1a9YoOTlZYWFhSk1N1a5du8wOyeec7t85Oo97156zdu1ajR8/XpGRkYqMjFRaWppeffVVs8PyC9yvn7nly5fLYrE4PUaOHGl2WD7Lm76fkJSCS2+88YaWLl2qd955R6+99poaGxt16aWXqqamxuzQ4MJ7772nP/7xjxo/frzZoeAbjh07punTpyskJESvvvqqPvroI/36179Wv379zA4NrTz44INau3atVq9erY8//lgPPvigHnroIf3+9783O7SAVVNTowkTJmjNmjUu9z/00EP63e9+p3Xr1undd99Vr169lJGRobq6Og9HGpiefvppZWVlKTs7W3v37tWECROUkZGhI0eOmB2aTzndv3N0HveuPWfQoEFauXKl9uzZo927d+vb3/62vvvd7+rDDz80OzSfxv16940ZM0aHDx92PHbs2GF2SD7J276fsPoeOqW0tFQDBgzQG2+8oW9961tmh4NWqqurdc455+gPf/iD7r//fk2cOFGrVq0yOyx87Y477tB//vMfvfXWW2aHgg5cfvnliouL0+OPP+7YdtVVVyk8PFxPPvmkiZFBkiwWi5577jnNmTNHUvMoqcTERP3sZz/TrbfeKkmqqKhQXFycNm7cqKuvvtrEaANDamqqzj33XK1evVqSZLfblZSUpBtuuEF33HGHydH5pm/+O0f3cO/as/r376+HH35YS5YsMTsUn8T9evctX75cW7ZsUV5entmh+Dxv+37CSCl0SkVFhaTm/5DgXZYuXapZs2YpPT3d7FDgwgsvvKApU6Zo7ty5GjBggCZNmqTHHnvM7LDwDdOmTVNubq4++eQTSdL//d//aceOHZo5c6bJkcGV/Px8FRcXO/3ei4qKUmpqqnbu3GliZIGhoaFBe/bscfr8rVar0tPT+fzhNbh37RlNTU3avHmzampqlJaWZnY4Pov79Z7x6aefKjExUUOHDtWCBQtUVFRkdkg+ydu+nwSb9s7wGXa7XTfffLOmT5+usWPHmh0OWtm8ebP27t2r9957z+xQ0I7PP/9ca9euVVZWlu6880699957uvHGGxUaGqpFixaZHR6+dscdd6iyslIjR45UUFCQmpqa9Mtf/lILFiwwOzS4UFxcLEmKi4tz2h4XF+fYB/cpKytTU1OTy89///79JkUFnMK9a/d98MEHSktLU11dnXr37q3nnntOo0ePNjssn8T9es9ITU3Vxo0bNWLECB0+fFgrVqzQBRdcoH379qlPnz5mh+dTvO37CUkpnNbSpUu1b98+5ux6mUOHDummm27Sa6+9prCwMLPDQTvsdrumTJmiBx54QJI0adIk7du3T+vWrSMp5UWeeeYZPfXUU9q0aZPGjBmjvLw83XzzzUpMTKSfAMDHcO/afSNGjFBeXp4qKir0t7/9TYsWLdIbb7xBYqqLuF/vOa1Hr48fP16pqakaMmSInnnmGaaVdpG3fT9h+h46lJmZqZdeekn//ve/NWjQILPDQSt79uzRkSNHdM455yg4OFjBwcF644039Lvf/U7BwcFqamoyO0RISkhIaHMDN2rUKIYbe5mf//znuuOOO3T11Vdr3Lhx+uEPf6hbbrlFOTk5ZocGF+Lj4yVJJSUlTttLSkoc++A+MTExCgoK4vOHV+LetWeEhoZq2LBhmjx5snJycjRhwgT99re/NTssn8P9uvv07dtXZ599tj777DOzQ/E53vb9hKQUXDIMQ5mZmXruuef0+uuvKyUlxeyQ8A0XX3yxPvjgA+Xl5TkeU6ZM0YIFC5SXl6egoCCzQ4Sk6dOnt1mS+pNPPtGQIUNMigiu1NbWymp1/i8xKChIdrvdpIjQkZSUFMXHxys3N9exrbKyUu+++y41TzwgNDRUkydPdvr87Xa7cnNz+fxhGu5d3ctut6u+vt7sMHwO9+vuU11drYMHDyohIcHsUHyOt30/YfoeXFq6dKk2bdqk559/Xn369HHU6IiKilJ4eLjJ0UGS+vTp06ZOQq9evRQdHU39BC9yyy23aNq0aXrggQf0/e9/X7t27dKjjz6qRx991OzQ0Mrs2bP1y1/+UoMHD9aYMWP0/vvv65FHHtGPfvQjs0MLWNXV1U5//czPz1deXp769++vwYMH6+abb9b999+v4cOHKyUlRXfffbcSExNZucxDsrKytGjRIk2ZMkVTp07VqlWrVFNTo8WLF5sdmk853b9zdB73rj1n2bJlmjlzpgYPHqyqqipt2rRJ27dv17Zt28wOzedwv95zbr31Vs2ePVtDhgzRV199pezsbAUFBWn+/Plmh+ZzvO77iQG4IMnlY8OGDWaHhg5ceOGFxk033WR2GPiGF1980Rg7dqxhs9mMkSNHGo8++qjZIeEbKisrjZtuuskYPHiwERYWZgwdOtT4xS9+YdTX15sdWsD697//7fL/oUWLFhmGYRh2u924++67jbi4OMNmsxkXX3yxceDAAXODDjC///3vjcGDBxuhoaHG1KlTjXfeecfskHzO6f6do/O4d+05P/rRj4whQ4YYoaGhRmxsrHHxxRcb//znP80Oy29wv35m5s2bZyQkJBihoaHGwIEDjXnz5hmfffaZ2WH5LG/6fmIxDMPwZBIMAAAAAAAAoKYUAAAAAAAAPI6kFAAAAAAAADyOpBQAAAAAAAA8jqQUAAAAAAAAPI6kFAAAAAAAADyOpBQAAAAAAAA8jqQUAAAAAAAAPI6kFAAAAAAAADyOpBQAAAAAAIAfefPNNzV79mwlJibKYrFoy5YtXTq+rq5O11xzjcaNG6fg4GDNmTPHZbvt27frnHPOkc1m07Bhw7Rx48YuvU9wl1oDgBd644039L//+78KCwtz2m6323XhhRdq165dqq+vb3NcdXW1PvzwQ61atUp/+ctfFBzs/CuxoaFBv/jFL3Teeedp5syZioiIaHOOlJQUPffccz17QQAAAH7iW9/6ln7yk5/o//2//9fj577mmmt0/PjxTn/Zbmho0Nlnn62//e1vmjJlSo/HA3iTmpoaTZgwQT/60Y905ZVXdvn4pqYmhYeH68Ybb9Tf//53l23y8/M1a9Ys/eQnP9FTTz2l3Nxc/fjHP1ZCQoIyMjI69T4kpQD4vBMnTujqq6/W8uXLnbYXFBTojjvukMViUV5eXpvjZsyYIcMwdOzYMa1evVozZsxw2r9x40ZVVVWpsbFR06ZNc5n1P++883ruQgAAAFo53R/efv/73ys1NdXtf3y74oorlJ+f32Z/bW2tXn31VZ111lku43/hhRdUUlKiq6++2mn7+++/r5UrV+rNN9/U0aNHFR8fr3Hjxul///d/dfnll8tisZz2s5Gk3/72tzIMo1NtJSk0NFS33nqrbr/9duXm5nb6OMAXzZw5UzNnzmx3f319vX7xi1/or3/9q44fP66xY8fqwQcfdHwn6tWrl9auXStJ+s9//qPjx4+3Oce6deuUkpKiX//615KkUaNGaceOHfrNb35DUgoAAAAAfNnp/vAmySN/fDt8+LDL97jmmmvU2NjYbvy/+93vtHjxYlmtp6rGPP/88/r+97+v9PR0PfHEExo2bJjq6+v19ttv66677tIFF1ygvn37tnvO1qKiojrVrrUFCxboZz/7mT788EONGTOmy8cD/iIzM1MfffSRNm/erMTERD333HO67LLL9MEHH2j48OGdOsfOnTuVnp7utC0jI0M333xzp+OgphQAAAAAoEeVlpbq9ddf1+zZsx3bampqtGTJEs2aNUsvv/yyLr30Ug0dOlSjRo3SkiVL9H//93+ORFNTU5OWLFmilJQUhYeHa8SIEfrtb3/r9B7XXHONU52bGTNm6MYbb9Rtt92m/v37Kz4+vk1Cr1+/fpo+fbo2b97stmsHvF1RUZE2bNigZ599VhdccIHOOuss3XrrrTr//PO1YcOGTp+nuLhYcXFxTtvi4uJUWVmpEydOdOocjJQCAAAAAPSoHTt2KCIiQqNGjXJs++c//6ny8nLddttt7R7XMnXPbrdr0KBBevbZZxUdHa23335b1113nRISEvT973+/3eOfeOIJZWVl6d1339XOnTt1zTXXaPr06brkkkscbaZOnaq33nqrB64S8E0ffPCBmpqadPbZZzttr6+vV3R0tEdjISkFAAAAAOhRhYWFiouLc5q698knn0iSRowY4dj23nvv6aKLLnK83rx5sy6//HKFhIRoxYoVju0pKSnauXOnnnnmmQ6TUuPHj1d2drYkafjw4Vq9erVyc3OdklKJiYkqLCzs/kUCPqq6ulpBQUHas2ePgoKCnPb17t270+eJj49XSUmJ07aSkhJFRkYqPDy8U+cgKQUAAAAA6FEnTpxoU6DdlfHjxzvqVQ0fPlwnT5507FuzZo3Wr1+voqIinThxQg0NDZo4ceJpz9daQkKCjhw54rQtPDxctbW1nbsQwA9NmjRJTU1NOnLkiC644IIzPk9aWppeeeUVp22vvfaa0tLSOn0OakoBAAAAAHpUTEyMjh075rStpXjygQMHHNtsNpuGDRumYcOGObXdvHmzbr31Vi1ZskT//Oc/lZeXp8WLF6uhoaHD9w0JCXF6bbFYZLfbnbYdPXpUsbGxXb4mwJdUV1crLy/PkfTNz89XXl6eioqKdPbZZ2vBggVauHCh/vGPfyg/P1+7du1STk6OXn75Zcc5PvroI+Xl5eno0aOqqKhwOp8k/eQnP9Hnn3+u2267Tfv379cf/vAHPfPMM7rllls6HScjpQAAAAAAPWrSpEkqLi7WsWPH1K9fP0nSpZdeqv79++vBBx/Uc8891+Hx//nPfzRt2jT99Kc/dWw7ePBgj8S2b98+TZo0qUfOBXir3bt3O02NzcrKkiQtWrRIGzdu1IYNG3T//ffrZz/7mb788kvFxMTovPPO0+WXX+445jvf+Y7TVNeWnxvDMCQ1T6t9+eWXdcstt+i3v/2tBg0apD/96U/KyMjodJwkpQAAAAAAPWrSpEmKiYnRf/7zH8eX3N69e+tPf/qT5s2bp1mzZunGG2/U8OHDVV1dra1bt0qSo77N8OHD9ec//1nbtm1TSkqK/vKXv+i9995TSkpKt2N76623dN9993X7PIA3mzFjhiN55EpL3bbWtdu+qaCgoFPv8/77759JiJKYvgcAAAAA6GFBQUFavHixnnrqKaftV1xxhd5++21FRERo4cKFGjFihL797W/r9ddfdxQ5l6T//d//1ZVXXql58+YpNTVV5eXlTqOmztTOnTtVUVGh733ve90+F4DuY6QUAAAAAKDH3XLLLRozZowKCws1ZMgQx/YpU6bo2Wef7fBYm82mDRs2aMOGDU7bc3JyHM83btzotG/79u1tzrNlyxan16tWrdLPf/7zTq8MBsC9SEoB8HlRUVF66aWX9NJLL7XZl5GRoePHj2vKlCkuj7VarRo0aJBuvfVWl/vvvPNOhYeHa9++fS7PMW7cuO4FDwAA4Kfi4+P1+OOPq6ioyCkpZZaGhgaNGzeuS0WYAbiXxehokiEAAAAAwBQ7d+7UDTfc4HJfRkaGfvnLX+qyyy5TWVmZyzZvv/22Hn300TYjilrceeedmjx5sq666iqX+8eNG6cNGzZo8eLF+uCDD1y2+fvf/+4VCScAvomkFAAAAAAAADyOQucAAAAAAADwOJJSAAAAAAAA8DiSUgAAAAAAAPA4klIAAAAAAADwOJJSAAAAAAAA8DiSUgAAAAAAAPA4klIAAAAAAADwOJJSAAAAAAAA8Lj/D5UrUqrPLFhYAAAAAElFTkSuQmCC", "text/plain": [ "
" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "\n", "📈 训练性能摘要:\n", " 初始准确率: 0.6768\n", " 最终准确率: 0.7455\n", " 准确率提升: +0.0686\n", " 训练批次数: 10\n", " 平均每批次时间: 62.42秒\n" ] } ], "source": [ "# 分批增量训练\n", "print(f\"\\n🔄 分批增量训练...\")\n", "batch_num = 0\n", "total_batches = len(train_dataset.files)\n", "batch_accuracies = []\n", "\n", "for features_batch, labels_batch in train_dataset.get_batch_generator():\n", " batch_num += 1\n", " print(f\"\\n批次 {batch_num}/{total_batches}:\")\n", " print(f\" 批次数据: {features_batch.shape[0]} 样本\")\n", " \n", " # 数据预处理 (使用相同的scaler)\n", " features_batch_scaled = scaler.transform(features_batch)\n", " \n", " # 创建批次数据集\n", " batch_train_data = lgb.Dataset(features_batch_scaled, label=labels_batch)\n", " \n", " # 增量训练 (从已有模型继续训练)\n", " batch_start_time = time.time()\n", " \n", " # 使用较少的boost round进行增量训练\n", " model = lgb.train(\n", " params=params,\n", " train_set=batch_train_data,\n", " num_boost_round=20, # 每批次训练20轮\n", " init_model=model, # 从现有模型继续\n", " callbacks=[lgb.log_evaluation(period=10)]\n", " )\n", " \n", " batch_time = time.time() - batch_start_time\n", " \n", " # 在验证集上评估当前性能\n", " y_pred_val = model.predict(X_sample_val)\n", " y_pred_val_class = np.argmax(y_pred_val, axis=1)\n", " current_accuracy = accuracy_score(y_sample_val, y_pred_val_class)\n", " batch_accuracies.append(current_accuracy)\n", " \n", " print(f\" ⏱️ 批次训练时间: {batch_time:.2f}秒\")\n", " print(f\" 📊 当前验证准确率: {current_accuracy:.4f}\")\n", " print(f\" 📈 准确率变化: {current_accuracy - initial_accuracy:+.4f}\")\n", " \n", " # 内存管理\n", " del features_batch, labels_batch, features_batch_scaled, batch_train_data\n", " memory_cleanup()\n", " \n", " # 可选: 限制训练批次数量以控制训练时间\n", " if batch_num >= 10: # 训练前10个批次\n", " print(f\" 🛑 已训练{batch_num}个批次,停止增量训练\")\n", " break\n", "\n", "total_training_time = time.time() - start_time\n", "print(f\"\\n✅ 分批训练完成!\")\n", "print(f\" 总训练时间: {total_training_time:.2f}秒\")\n", "print(f\" 最终验证准确率: {batch_accuracies[-1]:.4f}\")\n", "print(f\" 准确率提升: {batch_accuracies[-1] - initial_accuracy:+.4f}\")\n", "\n", "# 保存模型\n", "model_path = \"lightgbm_incremental_model.txt\"\n", "model.save_model(model_path)\n", "print(f\" 💾 模型已保存: {model_path}\")\n", "\n", "# 性能可视化\n", "plt.figure(figsize=(12, 5))\n", "\n", "# 子图1: 训练过程中的准确率变化\n", "plt.subplot(1, 2, 1)\n", "batch_numbers = list(range(1, len(batch_accuracies) + 1))\n", "plt.plot(batch_numbers, batch_accuracies, marker='o', linewidth=2, markersize=6)\n", "plt.axhline(y=initial_accuracy, color='r', linestyle='--', label=f'Initial Accuracy: {initial_accuracy:.4f}')\n", "plt.xlabel('Training Batch')\n", "plt.ylabel('Validation Accuracy')\n", "plt.title('Accuracy Change During Batch Training')\n", "plt.grid(True, alpha=0.3)\n", "plt.legend()\n", "\n", "# 子图2: 特征重要性 (前20个特征)\n", "plt.subplot(1, 2, 2)\n", "feature_importance = model.feature_importance(importance_type='gain')\n", "top_features = np.argsort(feature_importance)[-20:] # 前20个重要特征\n", "plt.barh(range(len(top_features)), feature_importance[top_features])\n", "plt.xlabel('Feature Importance (Gain)')\n", "plt.ylabel('Feature Index')\n", "plt.title('Top 20 Important Features')\n", "plt.gca().invert_yaxis()\n", "\n", "plt.tight_layout()\n", "plt.show()\n", "\n", "print(f\"\\n📈 训练性能摘要:\")\n", "print(f\" 初始准确率: {initial_accuracy:.4f}\")\n", "print(f\" 最终准确率: {batch_accuracies[-1]:.4f}\")\n", "print(f\" 准确率提升: {batch_accuracies[-1] - initial_accuracy:+.4f}\")\n", "print(f\" 训练批次数: {len(batch_accuracies)}\")\n", "print(f\" 平均每批次时间: {total_training_time/len(batch_accuracies):.2f}秒\")" ] }, { "cell_type": "code", "execution_count": 20, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "第3阶段: 全面模型评估...\n", "\n", "📊 加载完整验证数据...\n", "\n", "🔄 加载val数据...\n", " 正在加载文件 1/41: t15.2023.11.17_val_concatenated.npz\n", " 正在加载文件 2/41: t15.2023.12.17_val_concatenated.npz\n", " 正在加载文件 2/41: t15.2023.12.17_val_concatenated.npz\n", " 正在加载文件 3/41: t15.2023.10.15_val_concatenated.npz\n", " 正在加载文件 3/41: t15.2023.10.15_val_concatenated.npz\n", " 正在加载文件 4/41: t15.2023.10.08_val_concatenated.npz\n", " 正在加载文件 4/41: t15.2023.10.08_val_concatenated.npz\n", " 正在加载文件 5/41: t15.2025.01.10_val_concatenated.npz\n", " 正在加载文件 5/41: t15.2025.01.10_val_concatenated.npz\n", " 正在加载文件 6/41: t15.2023.12.08_val_concatenated.npz\n", " 正在加载文件 6/41: t15.2023.12.08_val_concatenated.npz\n", " 正在加载文件 7/41: t15.2024.03.08_val_concatenated.npz\n", " 正在加载文件 7/41: t15.2024.03.08_val_concatenated.npz\n", " 正在加载文件 8/41: t15.2024.03.15_val_concatenated.npz\n", " 正在加载文件 8/41: t15.2024.03.15_val_concatenated.npz\n", " 正在加载文件 9/41: t15.2025.03.14_val_concatenated.npz\n", " 正在加载文件 9/41: t15.2025.03.14_val_concatenated.npz\n", " 正在加载文件 10/41: t15.2024.02.25_val_concatenated.npz\n", " 正在加载文件 10/41: t15.2024.02.25_val_concatenated.npz\n", " 正在加载文件 11/41: t15.2025.03.30_val_concatenated.npz\n", " 正在加载文件 11/41: t15.2025.03.30_val_concatenated.npz\n", " 正在加载文件 12/41: t15.2023.09.29_val_concatenated.npz\n", " 正在加载文件 12/41: t15.2023.09.29_val_concatenated.npz\n", " 正在加载文件 13/41: t15.2023.09.01_val_concatenated.npz\n", " 正在加载文件 13/41: t15.2023.09.01_val_concatenated.npz\n", " 正在加载文件 14/41: t15.2024.03.17_val_concatenated.npz\n", " 正在加载文件 14/41: t15.2024.03.17_val_concatenated.npz\n", " 正在加载文件 15/41: t15.2025.01.12_val_concatenated.npz\n", " 正在加载文件 15/41: t15.2025.01.12_val_concatenated.npz\n", " 正在加载文件 16/41: t15.2023.09.03_val_concatenated.npz\n", " 正在加载文件 16/41: t15.2023.09.03_val_concatenated.npz\n", " 正在加载文件 17/41: t15.2023.12.10_val_concatenated.npz\n", " 正在加载文件 17/41: t15.2023.12.10_val_concatenated.npz\n", " 正在加载文件 18/41: t15.2023.08.20_val_concatenated.npz\n", " 正在加载文件 18/41: t15.2023.08.20_val_concatenated.npz\n", " 正在加载文件 19/41: t15.2024.06.14_val_concatenated.npz\n", " 正在加载文件 19/41: t15.2024.06.14_val_concatenated.npz\n", " 正在加载文件 20/41: t15.2023.08.18_val_concatenated.npz\n", " 正在加载文件 20/41: t15.2023.08.18_val_concatenated.npz\n", " 正在加载文件 21/41: t15.2023.10.01_val_concatenated.npz\n", " 正在加载文件 21/41: t15.2023.10.01_val_concatenated.npz\n", " 正在加载文件 22/41: t15.2024.07.19_val_concatenated.npz\n", " 正在加载文件 22/41: t15.2024.07.19_val_concatenated.npz\n", " 正在加载文件 23/41: t15.2023.09.24_val_concatenated.npz\n", " 正在加载文件 23/41: t15.2023.09.24_val_concatenated.npz\n", " 正在加载文件 24/41: t15.2023.11.03_val_concatenated.npz\n", " 正在加载文件 24/41: t15.2023.11.03_val_concatenated.npz\n", " 正在加载文件 25/41: t15.2024.07.28_val_concatenated.npz\n", " 正在加载文件 25/41: t15.2024.07.28_val_concatenated.npz\n", " 正在加载文件 26/41: t15.2023.11.26_val_concatenated.npz\n", " 正在加载文件 26/41: t15.2023.11.26_val_concatenated.npz\n", " 正在加载文件 27/41: t15.2023.12.03_val_concatenated.npz\n", " 正在加载文件 27/41: t15.2023.12.03_val_concatenated.npz\n", " 正在加载文件 28/41: t15.2025.03.16_val_concatenated.npz\n", " 正在加载文件 28/41: t15.2025.03.16_val_concatenated.npz\n", " 正在加载文件 29/41: t15.2023.11.04_val_concatenated.npz\n", " 正在加载文件 29/41: t15.2023.11.04_val_concatenated.npz\n", " 正在加载文件 30/41: t15.2023.08.13_val_concatenated.npz\n", " 正在加载文件 30/41: t15.2023.08.13_val_concatenated.npz\n", " 正在加载文件 31/41: t15.2024.07.21_val_concatenated.npz\n", " 正在加载文件 31/41: t15.2024.07.21_val_concatenated.npz\n", " 正在加载文件 32/41: t15.2023.08.25_val_concatenated.npz\n", " 正在加载文件 32/41: t15.2023.08.25_val_concatenated.npz\n", " 正在加载文件 33/41: t15.2025.04.13_val_concatenated.npz\n", " 正在加载文件 33/41: t15.2025.04.13_val_concatenated.npz\n", " 正在加载文件 34/41: t15.2024.05.10_val_concatenated.npz\n", " 正在加载文件 34/41: t15.2024.05.10_val_concatenated.npz\n", " 正在加载文件 35/41: t15.2023.10.06_val_concatenated.npz\n", " 正在加载文件 35/41: t15.2023.10.06_val_concatenated.npz\n", " 正在加载文件 36/41: t15.2023.08.27_val_concatenated.npz\n", " 正在加载文件 36/41: t15.2023.08.27_val_concatenated.npz\n", " 正在加载文件 37/41: t15.2023.11.19_val_concatenated.npz\n", " 正在加载文件 37/41: t15.2023.11.19_val_concatenated.npz\n", " 正在加载文件 38/41: t15.2023.10.20_val_concatenated.npz\n", " 正在加载文件 38/41: t15.2023.10.20_val_concatenated.npz\n", " 正在加载文件 39/41: t15.2023.10.13_val_concatenated.npz\n", " 正在加载文件 39/41: t15.2023.10.13_val_concatenated.npz\n", " 正在加载文件 40/41: t15.2023.12.29_val_concatenated.npz\n", " 正在加载文件 40/41: t15.2023.12.29_val_concatenated.npz\n", " 正在加载文件 41/41: t15.2023.10.22_val_concatenated.npz\n", " 正在加载文件 41/41: t15.2023.10.22_val_concatenated.npz\n", " ✅ 加载完成: 321773 样本, 1062 PCA特征\n", " ✅ 加载完成: 321773 样本, 1062 PCA特征\n", " 🔮 进行模型预测...\n", " 🔮 进行模型预测...\n", " ✅ 验证集评估完成\n", " 样本数量: 321773\n", " 预测时间: 41.93秒\n", " 预测速度: 7674 样本/秒\n", " 验证准确率: 0.7347\n", "\n", "📋 详细分类报告:\n", " 整体准确率: 0.7347\n", " 宏平均F1: 0.0213\n", " 加权平均F1: 0.6296\n", " ✅ 验证集评估完成\n", " 样本数量: 321773\n", " 预测时间: 41.93秒\n", " 预测速度: 7674 样本/秒\n", " 验证准确率: 0.7347\n", "\n", "📋 详细分类报告:\n", " 整体准确率: 0.7347\n", " 宏平均F1: 0.0213\n", " 加权平均F1: 0.6296\n" ] }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAABc8AAAJOCAYAAABhpf9JAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAADruklEQVR4nOzde3zP9f//8ft75/Mwm5HDlvPkOKdJDlmGUUoK5RzR5rRS6YColHLKsQOmoqRQH4rmWDJhLKfIsSnmEDaGHV+/P/z2/nrvvbEx3sPterm8L7yfr8fr9Xq8X+/33s/X6/F6vZ8vk2EYhgAAAAAAAAAAgJmdrRMAAAAAAAAAAKCooXgOAAAAAAAAAEAOFM8BAAAAAAAAAMiB4jkAAAAAAAAAADlQPAcAAAAAAAAAIAeK5wAAAAAAAAAA5EDxHAAAAAAAAACAHCieAwAAAAAAAACQA8VzAAAAAAAAAAByoHiOIsNkMmn06NEFnu/IkSMymUyKjo4u9JxuxhdffKFq1arJ0dFRxYoVs3U6uMMV1c85gHtDbt9Bo0ePlslkytf8N9rHX0uLFi3UokWLQl3m3WjdunUymUxat26drVO5aQEBAerVq9ctX09un/devXrJw8Pjlq872634mwGA3OT8br0V/ca9/J22ZcsWNWnSRO7u7jKZTIqPj7f5PtSd4HYe/0ZHR8tkMunIkSPmtoCAALVv3/6Wr1u6u/bV7lYUz2Eh+0vDZDJpw4YNVtMNw1C5cuVkMplu2xdJYcn+Qsp+ODo66v7771ePHj106NChQl3X3r171atXL1WsWFGffvqpPvnkk0Jd/r0qPj5ezz77rMqVKydnZ2eVKFFCoaGhmjt3rjIzM22dHgAUCY8++qjc3Nx0/vz5PGOeeeYZOTk56b///ruNmRXcnj17NHr0aIuDmaLgyJEj6t27typWrCgXFxf5+/urWbNmGjVq1A0t78cff7yhA+MlS5aobdu2KlmypJycnFSmTBk99dRTWrNmzQ3lcTu1aNHCvE9mZ2cnLy8vVa1aVd27d1dMTEyhredGt+3tUJRzA3B7XH38bTKZ5OLioipVqigyMlInTpywdXoFUpS/02x1HJmenq7OnTvrzJkzmjRpkr744gtVqFDhlq2vKLv6c+7g4KASJUooODhYQ4YM0Z49ewptPTNmzCiyF5wV5dxwbQ62TgBFk4uLixYsWKCmTZtatK9fv17//POPnJ2dbZTZzRs8eLAaNGig9PR0bdu2TZ988omWL1+unTt3qkyZMoWyjnXr1ikrK0tTpkxRpUqVCmWZ97rPPvtMAwYMUKlSpdS9e3dVrlxZ58+f1+rVq9W3b18dP35cr732mq3TvGUqVKigS5cuydHR0dapACjinnnmGf3vf//TkiVL1KNHD6vpFy9e1Pfff682bdrIx8fnhtfzxhtv6NVXX72ZVK9rz549euutt9SiRQsFBARYTPv5559v6brzcuDAATVo0ECurq7q06ePAgICdPz4cW3btk3vv/++3nrrrQIv88cff9T06dPzXXQwDEN9+vRRdHS06tatq6ioKPn7++v48eNasmSJWrVqpd9++01NmjQpcC63U9myZTVu3DhJUkpKig4cOKDFixfryy+/1FNPPaUvv/zSot/bt2+f7OwKdu1PQbetdPv63GvldunSJTk4cKgG3CvGjBmjwMBAXb58WRs2bNDMmTP1448/ateuXXJzc7utuTRr1kyXLl2Sk5NTgeYrqt9ptjyOPHjwoP7++299+umneu6558ztt2Mfqih65JFH1KNHDxmGoaSkJP3xxx+aN2+eZsyYoffff19RUVHm2Bvti2fMmKGSJUsW6Jdq3bt3V5cuXW55nSuv3G70bw63D3tkyFW7du20aNEiffTRRxad3IIFCxQcHKzTp0/bMLub89BDD+nJJ5+UJPXu3VtVqlTR4MGDNW/ePI0YMeKmlp2SkiJ3d3edPHlSkgp1uJaLFy/e9h2nomLTpk0aMGCAQkJC9OOPP8rT09M8bejQodq6dat27dplwwxvnYyMDGVlZcnJyUkuLi62TgfAHeDRRx+Vp6enFixYkGvx/Pvvv1dKSoqeeeaZm1qPg4ODTYt7tjrAmDRpki5cuKD4+Hirq8ey+/9bbcKECYqOjtbQoUM1ceJEi59+v/766/riiy/uiMKrt7e3nn32WYu29957T4MHD9aMGTMUEBCg999/3zztVh/UFqU+19brB3B7tW3bVvXr15ckPffcc/Lx8dHEiRP1/fffq2vXrrnOk33sWdjs7OwK/TvIVt9ptj6OzKsuYOt9KFupUqVKrv1+hw4d9OKLL6patWpq166dJJl/iXErZf8N2dvby97e/pau61puxd8cChfDtiBXXbt21X///Wfxs9m0tDR9++236tatW67zpKSk6MUXXzT/FKpq1ar68MMPZRiGRVxqaqqGDRsmX19feXp66tFHH9U///yT6zL//fdf9enTR6VKlZKzs7Nq1KihOXPmFN4LlfTwww9Lkg4fPmxu++mnn/TQQw/J3d1dnp6eCg8P1+7duy3myx778uDBg2rXrp08PT31zDPPKCAgwPyzbV9fX6sxymbMmKEaNWrI2dlZZcqUUUREhM6dO2ex7BYtWuiBBx5QXFycmjVrJjc3N7322mvmcb8+/PBDTZ8+Xffff7/c3NzUunVrHT16VIZhaOzYsSpbtqxcXV312GOP6cyZMxbL/v777xUeHq4yZcrI2dlZFStW1NixY61+rpadw549e9SyZUu5ubnpvvvu0/jx46224eXLlzV69GhVqVJFLi4uKl26tJ544gkdPHjQHJOVlaXJkyerRo0acnFxUalSpfT888/r7Nmz132P3nrrLZlMJs2fP99ihydb/fr1Lc7e5vezaDKZFBkZqUWLFikoKEiurq4KCQnRzp07JUkff/yxKlWqJBcXF7Vo0cJq2ICr36cmTZrI1dVVgYGBmjVrlkVcWlqaRo4cqeDgYHl7e8vd3V0PPfSQ1q5daxF39fs7efJkVaxYUc7OztqzZ0+uY74lJiaqd+/eKlu2rJydnVW6dGk99thjVnkW5DOXn/cbQNHm6uqqJ554QqtXr861mLtgwQJz/3vmzBm99NJLqlmzpjw8POTl5aW2bdvqjz/+uO56chuvM799/N9//60XXnhBVatWlaurq3x8fNS5c2eL76/o6Gh17txZktSyZUvzT32zx4PMbczzkydPqm/fvipVqpRcXFxUu3ZtzZs3zyLm6u/aTz75xPxd26BBA23ZsuW6r/vgwYMqW7Zsrj+79vPzs2q73j5Fr169NH36dEmWP2nOy6VLlzRu3DhVq1ZNH374Ya6x3bt3V8OGDfNcxq+//qrOnTurfPnycnZ2Vrly5TRs2DBdunTJIi4//czWrVsVFhamkiVLmvvBPn365Lnu67G3t9dHH32koKAgTZs2TUlJSeZpOcflTU9P11tvvaXKlSvLxcVFPj4+atq0qXn/9VrbtqB9brZDhw4pLCxM7u7uKlOmjMaMGWOxf5HXuKU5l3m99z23MW63b9+utm3bysvLSx4eHmrVqpU2bdpkEZM9BMRvv/2mqKgo+fr6yt3dXY8//rhOnTp1/TcAQJGQ8xg1r2NPKf/HWYZh6O2331bZsmXl5uamli1bWh3jSnl/j/3+++9q166dihcvLnd3d9WqVUtTpkwx51cUv9Nu9XHk0qVL9cADD5hrFStWrDDH9OrVS82bN5ckde7cWSaTybzfcjP7UFL+6iTZ7+M333yjd955R2XLlpWLi4tatWqlAwcOWC3zWu9vtr179+rJJ59UiRIl5OLiovr16+uHH37INcf88vHx0ddffy0HBwe988475vYbOf4NCAjQ7t27tX79evNnMHubZ3+W1q9frxdeeEF+fn4qW7asxbTchgn8+eefVadOHbm4uCgoKEiLFy+2mJ7X+PU5l3mt3PL6m1u0aJGCg4Pl6uqqkiVL6tlnn9W///5rEZP93fDvv/+qY8eO8vDwkK+vr1566SWGti1E996pLuRLQECAQkJC9NVXX6lt27aSrhz8JSUlqUuXLvroo48s4g3D0KOPPqq1a9eqb9++qlOnjlauXKnhw4fr33//1aRJk8yxzz33nL788kt169ZNTZo00Zo1axQeHm6Vw4kTJ9S4cWNzx+Tr66uffvpJffv2VXJysoYOHVoorzW7wJv90/UvvvhCPXv2VFhYmN5//31dvHhRM2fOVNOmTbV9+3aLn41nZGQoLCxMTZs21Ycffig3Nzf16tVLn3/+uZYsWaKZM2fKw8NDtWrVknTli/Wtt95SaGioBg4cqH379mnmzJnasmWLfvvtN4ufJP33339q27atunTpomeffValSpUyT5s/f77S0tI0aNAgnTlzRuPHj9dTTz2lhx9+WOvWrdMrr7yiAwcOaOrUqXrppZcsOtLo6Gh5eHgoKipKHh4eWrNmjUaOHKnk5GR98MEHFtvm7NmzatOmjZ544gk99dRT+vbbb/XKK6+oZs2a5s9FZmam2rdvr9WrV6tLly4aMmSIzp8/r5iYGO3atUsVK1aUJD3//POKjo5W7969NXjwYB0+fFjTpk3T9u3brV771S5evKjVq1erWbNmKl++/HXfz4J8FqUrBYQffvhBERERkqRx48apffv2evnllzVjxgy98MILOnv2rMaPH68+ffpYjSN79uxZtWvXTk899ZS6du2qb775RgMHDpSTk5O5eJCcnKzPPvtMXbt2Vb9+/XT+/HnNnj1bYWFh2rx5s+rUqWOxzLlz5+ry5cvq37+/eUy+rKwsq9faqVMn7d69W4MGDVJAQIBOnjypmJgYJSQkmD+nBfnM5ef9BnBneOaZZzRv3jx98803ioyMNLefOXNGK1euVNeuXeXq6qrdu3dr6dKl6ty5swIDA3XixAl9/PHHat68ufbs2VPg4czy28dv2bJFGzduVJcuXVS2bFkdOXJEM2fOVIsWLbRnzx65ubmpWbNmGjx4sD766CO99tprql69uiSZ/83p0qVLatGihQ4cOKDIyEgFBgZq0aJF6tWrl86dO6chQ4ZYxC9YsEDnz5/X888/L5PJpPHjx+uJJ57QoUOHrvkT4QoVKmjVqlVas2aNubiRl/zsUzz//PM6duyYYmJi9MUXX1xvE2vDhg06c+aMhg4desNXSS1atEgXL17UwIED5ePjo82bN2vq1Kn6559/tGjRInPc9fqZkydPqnXr1vL19dWrr76qYsWK6ciRI1YHlgVlb2+vrl276s0339SGDRty/QxJV/q4cePG6bnnnlPDhg2VnJysrVu3atu2bXrkkUfytW3z2+dKV/Z52rRpo8aNG2v8+PFasWKFRo0apYyMDI0ZM6ZAr7Gg7/vu3bv10EMPycvLSy+//LIcHR318ccfq0WLFlq/fr0aNWpkET9o0CAVL15co0aN0pEjRzR58mRFRkZq4cKFBcoTgG3kPEaVcj/2lPJ/nDVy5Ei9/fbbateundq1a6dt27apdevWSktLu24+MTExat++vUqXLq0hQ4bI399ff/75p5YtW6YhQ4YUye+0W30cuWHDBi1evFgvvPCCPD099dFHH6lTp05KSEiQj4+Pnn/+ed1333169913zUPHXn1Mn9OtqpO89957srOz00svvaSkpCSNHz9ezzzzjH7//XdzzPXeX+nKe/bggw/qvvvu06uvvip3d3d988036tixo7777js9/vjj193GeSlfvryaN2+utWvXKjk5WV5eXrnGXW+/ZPLkyRo0aJA8PDz0+uuvS5LVNn/hhRfk6+urkSNHKiUl5Zp57d+/X08//bQGDBignj17au7cuercubNWrFihRx55pECvMT+5XS37b7pBgwYaN26cTpw4oSlTpui3337T9u3bLX7NkJmZqbCwMDVq1EgffvihVq1apQkTJqhixYoaOHBggfJEHgzgKnPnzjUkGVu2bDGmTZtmeHp6GhcvXjQMwzA6d+5stGzZ0jAMw6hQoYIRHh5unm/p0qWGJOPtt9+2WN6TTz5pmEwm48CBA4ZhGEZ8fLwhyXjhhRcs4rp162ZIMkaNGmVu69u3r1G6dGnj9OnTFrFdunQxvL29zXkdPnzYkGTMnTv3mq9t7dq1hiRjzpw5xqlTp4xjx44Zy5cvNwICAgyTyWRs2bLFOH/+vFGsWDGjX79+FvMmJiYa3t7eFu09e/Y0JBmvvvqq1bpGjRplSDJOnTplbjt58qTh5ORktG7d2sjMzDS3T5s2zZxXtubNmxuSjFmzZlksN/u1+vr6GufOnTO3jxgxwpBk1K5d20hPTze3d+3a1XBycjIuX75sbsvebld7/vnnDTc3N4u47Bw+//xzc1tqaqrh7+9vdOrUydw2Z84cQ5IxceJEq+VmZWUZhmEYv/76qyHJmD9/vsX0FStW5Np+tT/++MOQZAwZMiTPmKvl97NoGIYhyXB2djYOHz5sbvv4448NSYa/v7+RnJxsbs/exlfHZm+jCRMmmNtSU1ONOnXqGH5+fkZaWpphGIaRkZFhpKamWuRz9uxZo1SpUkafPn3Mbdnvr5eXl3Hy5EmL+Jyf87NnzxqSjA8++CDPbXEjn7nrvd8A7gwZGRlG6dKljZCQEIv2WbNmGZKMlStXGoZhGJcvX7b4fjCMK983zs7OxpgxYyzacva12X1dtoL08bn1RbGxsVbfQ4sWLTIkGWvXrrWKb968udG8eXPz88mTJxuSjC+//NLclpaWZoSEhBgeHh7m7/Ts1+Lj42OcOXPGHPv9998bkoz//e9/Vuu62q5duwxXV1dDklGnTh1jyJAhxtKlS42UlBSLuILsU0RERFhsy2uZMmWKIclYsmRJvuKz93+u3oa5bf9x48YZJpPJ+Pvvvw3DyF8/s2TJEvN+Y0E1b97cqFGjxnWXPWXKFHNbhQoVjJ49e5qf165d22J/NDd5bduC9LmG8X/7fYMGDTK3ZWVlGeHh4YaTk5N5ny+37Z3XMq/1vuf8m+nYsaPh5ORkHDx40Nx27Ngxw9PT02jWrJm5LXtfPjQ01LwfZhiGMWzYMMPe3t5i/xGA7WX/za5atco4deqUcfToUePrr782fHx8DFdXV+Off/4xDCPvY8/8HmdlHxeEh4dbfDe89tprhiSL79ac32MZGRlGYGCgUaFCBePs2bMW67l6WUXtO+1WH0c6OTlZtGWvb+rUqea27G25aNEii2XezD5Ufusk2euuXr26xbFo9n7Ezp07DcPI//vbqlUro2bNmhY1g6ysLKNJkyZG5cqVjeuRZEREROQ5fciQIYYk448//jAM48aOfw3DMGrUqGGxf5gt+7PUtGlTIyMjI9dpVx/rV6hQwZBkfPfdd+a2pKQko3Tp0kbdunXNbTnfy2stM6/ccv7NpaWlGX5+fsYDDzxgXLp0yRy3bNkyQ5IxcuRIc1v2d8PV++2GYRh169Y1goODrdaFG8OwLcjTU089pUuXLmnZsmU6f/68li1blueQLT/++KPs7e01ePBgi/YXX3xRhmHop59+MsdJsorLeXbUMAx999136tChgwzD0OnTp82PsLAwJSUladu2bTf0uvr06SNfX1+VKVNG4eHhSklJ0bx581S/fn3FxMTo3Llz6tq1q8U67e3t1ahRI6thNiTl+0zeqlWrlJaWpqFDh1rc7Kpfv37y8vLS8uXLLeKdnZ3Vu3fvXJfVuXNneXt7m59nn5l/9tlnLcZOa9SokdLS0ix+2uPq6mr+//nz53X69Gk99NBDunjxovbu3WuxHg8PD4sxyZycnNSwYUMdOnTI3Pbdd9+pZMmSGjRokFWe2T9fWrRokby9vfXII49YbNfg4GB5eHjkul2zJScnS1KuP7PLTX4/i9latWpl8WuC7G3ZqVMni3Vmt1/92qUr49U9//zz5udOTk56/vnndfLkScXFxUm6cgVd9ti8WVlZOnPmjDIyMlS/fv1cP8edOnWSr6/vNV+nq6urnJyctG7dujyHvinoZy4/7zeAO4O9vb26dOmi2NhYi5+gLliwQKVKlVKrVq0kXelrsr8fMjMz9d9//8nDw0NVq1YtcD+b3z5esuyL0tPT9d9//6lSpUoqVqzYDffvP/74o/z9/S3GhnV0dNTgwYN14cIFrV+/3iL+6aefVvHixc3PH3roIUnW3/M51ahRQ/Hx8Xr22Wd15MgRTZkyRR07dlSpUqX06aefmuNuZJ8iPwraL+bm6u2fkpKi06dPq0mTJjIMQ9u3bzfHXK+fyb7qadmyZUpPT7/hfHLj4eEh6cq+Sl6KFSum3bt3a//+/Te8nvz0uVe7+pcc2Vf9paWladWqVTecw/VkZmbq559/VseOHXX//feb20uXLq1u3bppw4YN5s9Ftv79+1v8jPyhhx5SZmam/v7771uWJ4AbFxoaKl9fX5UrV05dunSRh4eHlixZovvuu88iLuexZ36Ps7KPCwYNGmTx3ZCfX3Nv375dhw8f1tChQ63G7r7WMGN5uV3fabf6ODI0NNT8K2tJqlWrlry8vG7o2OlW1kl69+5tcZ+YnPs7+Xl/z5w5ozVr1uipp54y1xBOnz6t//77T2FhYdq/f7/VcCIFdb1+Pz/7JfnRr1+/fP9yr0yZMhZX1Ht5ealHjx7avn27EhMTbziH69m6datOnjypF154wWIs9PDwcFWrVs3qOF6SBgwYYPH8oYce4ji+EFE8R558fX0VGhqqBQsWaPHixcrMzDTfaDOnv//+W2XKlLHqmLJ/Wp3dqf3999+ys7Oz6GQkqWrVqhbPT506pXPnzumTTz6Rr6+vxSO7oHyjN+UaOXKkYmJitGbNGu3YsUPHjh1T9+7dJcl88PXwww9brffnn3+2WqeDg4N5nKzryd4GOV+rk5OT7r//fquO/7777svzZmg5f3aWXUgvV65cru1Xdy67d+/W448/Lm9vb3l5ecnX19dcML16XFFJKlu2rNUOUfHixS2Wd/DgQVWtWvWaNzzZv3+/kpKS5OfnZ7VdL1y4cM33MvsnW9c6eL5afj+L2W5mW0pXOtScN+qpUqWKJFkUrObNm6datWqZx2T19fXV8uXLrba5JAUGBl7zNUpXCl7vv/++fvrpJ5UqVUrNmjXT+PHjLTrxgn7m8vN+A7hzZI+FumDBAknSP//8o19//VVdunQxHzRkZWVp0qRJqly5spydnVWyZEn5+vpqx44duX4/XUt++3jpyhArI0eONI8pmr3ec+fOFXi9V6+/cuXKFicLpfx//2cX0vPznVelShV98cUXOn36tHbs2KF3331XDg4O6t+/v7mIWtB9ivwqaL+Ym4SEBPXq1UslSpQwj42ZPS5r9vbPTz/TvHlzderUSW+99ZZKliypxx57THPnzlVqauoN55btwoULkq5d9BgzZozOnTunKlWqqGbNmho+fLh27NhRoPXkp8/NZmdnZ1HokXLv8wvbqVOndPHixVz/lqpXr66srCwdPXrUov1mPt8Abr/p06crJiZGa9eu1Z49e8z3V7habsee+T3Oyu4DK1eubDG/r6+vxYnk3GQPIfPAAw/c1GvMdru+0273cWR2XjfyPXsr6yTX23b5eX8PHDggwzD05ptvWq03+35vN3vT9Ov1+/nZL8mPgvT7lSpVsjo+vh39fl7H8ZJUrVo1q8+ii4uL1YUAHMcXLsY8xzV169ZN/fr1U2Jiotq2bWt1JvJWyR5r8tlnn1XPnj1zjckeR7ygatasqdDQ0Guu94svvpC/v7/V9JwF4quv2CtsV18VllNeZ0rzajf+/w1Ozp07p+bNm8vLy0tjxoxRxYoV5eLiom3btumVV16xGuPzesvLr6ysLPn5+Wn+/Pm5Tr/WFV+VKlWSg4OD+Saehe1Gt2VBfPnll+rVq5c6duyo4cOHy8/PT/b29ho3bpzFTVWzXeu9v9rQoUPVoUMHLV26VCtXrtSbb76pcePGac2aNapbt26B8yzM1wzA9oKDg1WtWjV99dVXeu211/TVV1/JMAxzUV2S3n33Xb355pvq06ePxo4dqxIlSsjOzk5Dhw7Nc9znwjBo0CDNnTtXQ4cOVUhIiLy9vWUymdSlS5dbut6rFcZ3nr29vWrWrKmaNWsqJCRELVu21Pz58xUaGlrgfYr8qlatmiRp586d6tixY4Hnz8zM1COPPKIzZ87olVdeUbVq1eTu7q5///1XvXr1stj+1+tnTCaTvv32W23atEn/+9//tHLlSvXp00cTJkzQpk2bzFeR3Yhdu3ZJurIfkJdmzZrp4MGD+v777/Xzzz/rs88+06RJkzRr1iw999xz+VpPfvvc/MrrKszbfdMu+nTgztKwYUPVr1//mjG5HXvezHHWneRGvtNsdRx5K79nb6ROUhh5Zq/3pZdesjqpk+1a/XV+7Nq1S/b29tcsbhfG8e/d2O/f6D1wkH8Uz3FNjz/+uJ5//nlt2rTpmjfjyL551vnz5y3OFGYPA1KhQgXzv1lZWearlbPt27fPYnnZd5jOzMzMs9B9K2Sf6fXz8yv09WZvg3379llctZSWlqbDhw/flte5bt06/ffff1q8eLGaNWtmbs++i/uNqFixon7//Xelp6fneYO1ihUratWqVXrwwQcL3Fm5ubnp4Ycf1po1a3T06FGrK8Jzyu9nsbAcO3ZMKSkpFlef//XXX5JkHg7m22+/1f3336/FixdbdK7ZZ+lvRsWKFfXiiy/qxRdf1P79+1WnTh1NmDBBX375ZZH4zAGwrWeeeUZvvvmmduzYoQULFqhy5cpq0KCBefq3336rli1bavbs2RbznTt3TiVLlizQuvLbx2evt2fPnpowYYK57fLlyzp37pxFXEF+Dl6hQgXt2LFDWVlZFsWFW/X9n1N20eP48eOSCrZPUZDX2bRpUxUvXtx8UqSgB0w7d+7UX3/9pXnz5qlHjx7m9piYmFzjr9XPZGvcuLEaN26sd955RwsWLNAzzzyjr7/+Ot8F7JwyMzO1YMECubm5qWnTpteMLVGihHr37q3evXvrwoULatasmUaPHm1e940MKZCXrKwsHTp0yHzVmWTd52df0Zfzs5zb0AL5zc3X11dubm65/i3t3btXdnZ2190/AnB3yu9xVnYfuH//fovjglOnTl336tTs/mzXrl3X7M+K2ndaUT+OzLluW9VJ8vP+Zn9mHB0db8kxZEJCgtavX6+QkJDrDrNzvf2Swuz3s6+4v3qZ1+r3r77Y9Gb6/auP43PenH7fvn23fJ8W1hi2Bdfk4eGhmTNnavTo0erQoUOece3atVNmZqamTZtm0T5p0iSZTCa1bdtWksz/fvTRRxZxkydPtnhub2+vTp066bvvvjNfeXS1U6dO3cjLua6wsDB5eXnp3XffzXXszptZb2hoqJycnPTRRx9ZnOWdPXu2kpKScr2TdmHLPsC+ev1paWmaMWPGDS+zU6dOOn36tNV7f/V6nnrqKWVmZmrs2LFWMRkZGVYHmDmNGjVKhmGoe/fu5p9zXS0uLk7z5s2TlP/PYmHJyMjQxx9/bH6elpamjz/+WL6+vgoODpaU+3b//fffFRsbe8PrvXjxoi5fvmzRVrFiRXl6epp/Ll8UPnMAbCv7KvORI0cqPj7e4qpz6cr3U84rjxYtWnRD41bmt4/Pa71Tp061ukon+8Tk9foJ6cr3f2JiosXJ/oyMDE2dOlUeHh7mYUlu1q+//prrPkL2eKXZB70F2acoyOt0c3PTK6+8oj///FOvvPJKrleOffnll9q8eXOu8+fWJxmGoSlTpljE5aefOXv2rNX669SpI0k3PHRLZmamBg8erD///FODBw82/+w+N//995/Fcw8PD1WqVMli3QXZtvlx9f6FYRiaNm2aHB0dzfcRqFChguzt7fXLL79YzJfbvlZ+c7O3t1fr1q31/fffW/xM/MSJE1qwYIGaNm16ze0E4O6V3+Os0NBQOTo6aurUqRbf27n10TnVq1dPgYGBmjx5stX31dXLKorfaUX5OPJqtqyT5Of99fPzU4sWLfTxxx+bLxK42fVmO3PmjLp27arMzEy9/vrrecblZ79EuvI5LKw+/9ixY1qyZIn5eXJysj7//HPVqVPH/KvC7JMPV/f72ffVyym/udWvX19+fn6aNWuWxWv76aef9Oeff3IcbwNceY7ryuvnQFfr0KGDWrZsqddff11HjhxR7dq19fPPP+v777/X0KFDzV8oderUUdeuXTVjxgwlJSWpSZMmWr16tQ4cOGC1zPfee09r165Vo0aN1K9fPwUFBenMmTPatm2bVq1apTNnzhT6a/Xy8tLMmTPVvXt31atXT126dJGvr68SEhK0fPlyPfjgg7kWifPD19dXI0aM0FtvvaU2bdro0Ucf1b59+zRjxgw1aNDA4kaNt0qTJk1UvHhx9ezZU4MHD5bJZNIXX3xxUz8t69Gjhz7//HNFRUVp8+bNeuihh5SSkqJVq1bphRde0GOPPabmzZvr+eef17hx4xQfH6/WrVvL0dFR+/fv16JFizRlypQ8x9PPznv69Ol64YUXVK1aNXXv3l2VK1fW+fPntW7dOv3www96++23JeX/s1hYypQpo/fff19HjhxRlSpVtHDhQsXHx+uTTz4xX4nfvn17LV68WI8//rjCw8N1+PBhzZo1S0FBQbnuxOXHX3/9pVatWumpp55SUFCQHBwctGTJEp04cUJdunSRVDQ+cwBsKzAwUE2aNNH3338vSVbF8/bt22vMmDHq3bu3mjRpop07d2r+/PlW4zrnR0H6+Pbt2+uLL76Qt7e3goKCFBsbq1WrVsnHx8dqmfb29nr//feVlJQkZ2dnPfzww/Lz87NaZv/+/fXxxx+rV69eiouLU0BAgL799lv99ttvmjx58k3dYPNq77//vuLi4vTEE0+Yfxq9bds2ff755ypRooT55l4F2afIPtk6ePBghYWFmW/4mpfhw4dr9+7dmjBhgtauXasnn3xS/v7+SkxM1NKlS7V582Zt3Lgx13mrVaumihUr6qWXXtK///4rLy8vfffdd1ZXHuann5k3b55mzJihxx9/XBUrVtT58+f16aefysvLS+3atbvutkxKSjJfKXbx4kUdOHBAixcv1sGDB9WlS5dci0FXCwoKUosWLRQcHKwSJUpo69at+vbbby1u6lnQbXstLi4uWrFihXr27KlGjRrpp59+0vLly/Xaa6+Zh0bw9vZW586dNXXqVJlMJlWsWFHLli3LdSzYguT29ttvKyYmRk2bNtULL7wgBwcHffzxx0pNTdX48eNv6PUAuPPl9zjL19dXL730ksaNG6f27durXbt22r59u3766afr/tLMzs5OM2fOVIcOHVSnTh317t1bpUuX1t69e7V7926tXLlSUtH8TivKx5FXs2WdJL/v7/Tp09W0aVPVrFlT/fr10/33368TJ04oNjZW//zzj/7444/rruuvv/7Sl19+KcMwlJycrD/++EOLFi3ShQsXNHHiRLVp0+aa815vv0S68jmcOXOm3n77bVWqVEl+fn5WV2/nV5UqVdS3b19t2bJFpUqV0pw5c3TixAnNnTvXHNO6dWuVL19effv21fDhw2Vvb685c+aY9/mult/cHB0d9f7776t3795q3ry5unbtqhMnTmjKlCkKCAjQsGHDbuj14CYYwFXmzp1rSDK2bNlyzbgKFSoY4eHhFm3nz583hg0bZpQpU8ZwdHQ0KleubHzwwQdGVlaWRdylS5eMwYMHGz4+Poa7u7vRoUMH4+jRo4YkY9SoURaxJ06cMCIiIoxy5coZjo6Ohr+/v9GqVSvjk08+McccPnzYkGTMnTv3mjmvXbvWkGQsWrToutth7dq1RlhYmOHt7W24uLgYFStWNHr16mVs3brVHNOzZ0/D3d091/lHjRplSDJOnTplNW3atGlGtWrVDEdHR6NUqVLGwIEDjbNnz1rENG/e3KhRo4bVvNmv9YMPPsjXa8vt/fztt9+Mxo0bG66urkaZMmWMl19+2Vi5cqUhyVi7du11c+jZs6dRoUIFi7aLFy8ar7/+uhEYGGh+n5588knj4MGDFnGffPKJERwcbLi6uhqenp5GzZo1jZdfftk4duyY1XpyExcXZ3Tr1s38GStevLjRqlUrY968eUZmZqY5Lr+fRUlGRESERVtBtnH2Ntq6dasREhJiuLi4GBUqVDCmTZtmMW9WVpbx7rvvGhUqVDCcnZ2NunXrGsuWLbPalnmt++pp2Z/z06dPGxEREUa1atUMd3d3w9vb22jUqJHxzTffWM17M5+53N5vAHeW6dOnG5KMhg0bWk27fPmy8eKLLxqlS5c2XF1djQcffNCIjY01mjdvbjRv3twcl1tfm93XXS2/ffzZs2eN3r17GyVLljQ8PDyMsLAwY+/evUaFChWMnj17Wizz008/Ne6//37D3t7eoq/KmaNhXNlvyF6uk5OTUbNmTav9g2t91+a2L5LTb7/9ZkRERBgPPPCA4e3tbTg6Ohrly5c3evXqZdXvGUb+9ikyMjKMQYMGGb6+vobJZLLarnn59ttvjdatWxslSpQwHBwcjNKlSxtPP/20sW7dOov15+zj9+zZY4SGhhoeHh5GyZIljX79+hl//PFHgfuZbdu2GV27djXKly9vODs7G35+fkb79u0tXltemjdvbkgyPzw8PIzKlSsbzz77rPHzzz/nOk/Oz8fbb79tNGzY0ChWrJjh6upqVKtWzXjnnXeMtLS0627bgvS5hvF/+30HDx40Wrdubbi5uRmlSpUyRo0aZbEPYhiGcerUKaNTp06Gm5ubUbx4ceP55583du3aZbXMa73vuX0Wt23bZoSFhRkeHh6Gm5ub0bJlS2Pjxo0WMXnty+f2OQBge/k9/r7Wsadh5O84KzMz03jrrbfMfX6LFi2MXbt2WX235vV9sWHDBuORRx4xPD09DXd3d6NWrVrG1KlTzdOL8nfa7TiONAzrfiqv4/Sb2YcyjPzVSfJad171k+u9v4ZhGAcPHjR69Ohh+Pv7G46OjsZ9991ntG/f3vj222+ttkVOV/f5dnZ2RrFixYy6desaQ4YMMXbv3m0Vf6PHv4mJiUZ4eLjh6elpSDLvK17rby172uHDh81t2TWvlStXGrVq1TKcnZ2NatWq5VpPiouLMxo1amQ4OTkZ5cuXNyZOnJjrMvPKLa/P88KFC426desazs7ORokSJYxnnnnG+Oeffyxi8vpuyO0zhhtnMgzuGgMAN6JFixY6ffp0rj+ZAwAAAAAAwJ2NMc8BAAAAAAAAAMiB4jkAAAAAAAAAADlQPAcAAAAAAAAAIAebFs9/+eUXdejQQWXKlJHJZNLSpUuvO8+6detUr149OTs7q1KlSoqOjr7leQJAbtatW8d45wAAAAAAAHcpmxbPU1JSVLt2bU2fPj1f8YcPH1Z4eLhatmyp+Ph4DR06VM8995xWrlx5izMFAKDoGzdunBo0aCBPT0/5+fmpY8eO2rdvn0VMixYtZDKZLB4DBgywiElISFB4eLjc3Nzk5+en4cOHKyMjwyImPyezp0+froCAALm4uKhRo0bavHmzxfTLly8rIiJCPj4+8vDwUKdOnXTixInC2RgAAAAAANwkk2EYhq2TkCSTyaQlS5aoY8eOeca88sorWr58ucWVnl26dNG5c+e0YsWK25AlAABFV5s2bdSlSxc1aNBAGRkZeu2117Rr1y7t2bNH7u7ukq4Uz6tUqaIxY8aY53Nzc5OXl5ckKTMzU3Xq1JG/v78++OADHT9+XD169FC/fv307rvvSrpyMvuBBx7QgAED9Nxzz2n16tUaOnSoli9frrCwMEnSwoUL1aNHD82aNUuNGjXS5MmTtWjRIu3bt09+fn6SpIEDB2r58uWKjo6Wt7e3IiMjZWdnp99+++12bjYAAAAAAHJ1RxXPmzVrpnr16mny5Mnmtrlz52ro0KFKSkrKdZ7U1FSlpqaan2dlZenMmTPy8fGRyWQqrPQBAPcYwzB0/vx5lSlTRnZ2RfMWIqdOnZKfn5/Wr1+vZs2aSbpSPK9Tp45FX3q1n376Se3bt9exY8dUqlQpSdKsWbP0yiuv6NSpU3JycsrXyexGjRqpQYMGmjZtmqQr/W+5cuU0aNAgvfrqq0pKSpKvr68WLFigJ598UpK0d+9eVa9eXbGxsWrcuPF1X19WVpaOHTsmT09P+nQAwA27E/r0ux19OgCgMNyKPt2hUJZymyQmJpoP5LOVKlVKycnJunTpklxdXa3mGTdunN56663blSIA4B5z9OhRlS1b1tZp5Cr7xHKJEiUs2ufPn68vv/xS/v7+6tChg9588025ublJkmJjY1WzZk2L/jYsLEwDBw7U7t27VbduXcXGxio0NNRimWFhYRo6dKgkKS0tTXFxcRoxYoR5up2dnUJDQxUbGytJiouLU3p6usVyqlWrpvLly+e7eH7s2DGVK1euAFsEAIC8FeU+/W5Hnw4AKEyF2affUcXzGzFixAhFRUWZnyclJal8+fI6evSo+SfqAAAUVHJyssqVKydPT09bp5KrrKwsDR06VA8++KAeeOABc3u3bt1UoUIFlSlTRjt27NArr7yiffv2afHixZLyPlGdPe1aMdkns8+ePavMzMxcY/bu3WtehpOTk4oVK2YVk72enHL+miz7x3P06QCAm1HU+/R7Qfa2p08HgHtQSopUpsyV/x87Jv3/IUdvxK3o0++o4rm/v7/VjcROnDghLy+vXK86lyRnZ2c5OztbtXt5edEpAwBuWlH9aXFERIR27dqlDRs2WLT379/f/P+aNWuqdOnSatWqlQ4ePKiKFSve7jQLJK9fk9GnAwAKQ1Ht0+8F2duePh0A7kH29v/3fy+vmyqeZyvMPv2OGtAtJCREq1evtmiLiYlRSEiIjTICAKDoiYyM1LJly7R27drr/lStUaNGkqQDBw5IyvtEdfa0a8Vkn8wuWbKk7O3tc425ehlpaWk6d+5cnjE5jRgxQklJSebH0aNHr/naAAAAAAC4GTYtnl+4cEHx8fGKj4+XJB0+fFjx8fFKSEiQdOUguUePHub4AQMG6NChQ3r55Ze1d+9ezZgxQ998842GDRtmi/QBAChSDMNQZGSklixZojVr1igwMPC682T3waVLl5Z05UT1zp07dfLkSXNMTEyMvLy8FBQUZI651slsJycnBQcHW8RkZWVp9erV5pjg4GA5OjpaxOzbt08JCQl5nhR3dnY2X5HGlWkAAAAAgFvNpsO2bN26VS1btjQ/zx6bvGfPnoqOjtbx48fNhXRJCgwM1PLlyzVs2DBNmTJFZcuW1WeffaawsLDbnjsAAEVNRESEFixYoO+//16enp7mscO9vb3l6uqqgwcPasGCBWrXrp18fHy0Y8cODRs2TM2aNVOtWrUkSa1bt1ZQUJC6d++u8ePHKzExUW+88YYiIiLMw6ANGDBA06ZN08svv6w+ffpozZo1+uabb7R8+XJzLlFRUerZs6fq16+vhg0bavLkyUpJSVHv3r3NOfXt21dRUVEqUaKEvLy8NGjQIIWEhOTrZqEAAAAAANxqJiP7blv3iOTkZHl7eyspKYkr1gAAN6wo9id5jes2d+5c9erVS0ePHtWzzz6rXbt2KSUlReXKldPjjz+uN954w+I1/P333xo4cKDWrVsnd3d39ezZU++9954cHP7vnPu6des0bNgw7dmzR2XLltWbb76pXr16Wax32rRp+uCDD5SYmKg6deroo48+Mg8TI0mXL1/Wiy++qK+++kqpqakKCwvTjBkz8hy2Jaei+B4AAO489Ce2l9/3IDMzU+np6bcxM+De4OjoKPurx50GbqeUFMnD48r/L1y46RuGFnafTvEcAIAbQH9ie7wHAIDCQH9ie9d7DwzDUGJiotW9UgAUnmLFisnf35+bJ+P2K+LFc5sO2wIAAAAAAHAt2YVzPz8/ubm5UdwDCpFhGLp48aL5nkfZ90ICbhtXV+nw4f/7fxFD8RwAAAAAABRJmZmZ5sK5j4+PrdMB7kqu/79gefLkSfn5+TGEC24vOzspIMDWWeTJztYJAAAAAAAA5CZ7jHM3NzcbZwLc3bL/xrivAGCJ4jkAAAAAACjSGKoFuLX4G4PNpKVJw4dfeaSl2TobKxTPAQAAAAAAAAC3X3q69OGHVx5F8JcPFM8BAAAAAABwy33yyScqV66c7OzsNHnyZI0ePVp16tS55jy9evVSx44db0t+AJATxXMAAAAAAIBC1KtXL5lMJg0YMMBqWkREhEwmk3r16nX7E8tFWlqaxo8fr9q1a8vNzU0lS5bUgw8+qLlz5xbq+NfJycmKjIzUK6+8on///Vf9+/fXSy+9pNWrVxfaOoqSy5cvq1evXqpZs6YcHBzyfQLgzJkzeuaZZ+Tl5aVixYqpb9++unDhgkXMjh079NBDD8nFxUXlypXT+PHjrZazaNEiVatWTS4uLqpZs6Z+/PHHwnhZwD2H4jkAAAAAAEAhK1eunL7++mtdunTJ3Hb58mUtWLBA5cuXt2Fm/yctLU1hYWF677331L9/f23cuFGbN29WRESEpk6dqt27dxfauhISEpSenq7w8HCVLl1abm5u8vDwkI+PT6GtoyjJzMyUq6urBg8erNDQ0HzP98wzz2j37t2KiYnRsmXL9Msvv6h///7m6cnJyWrdurUqVKiguLg4ffDBBxo9erQ++eQTc8zGjRvVtWtX9e3bV9u3b1fHjh3VsWNH7dq1q1BfI3AvoHgOAAAAAABQyOrVq6dy5cpp8eLF5rbFixerfPnyqlu3rkVsVlaWxo0bp8DAQLm6uqp27dr69ttvzdMzMzPVt29f8/SqVatqypQpFsvIHt7kww8/VOnSpeXj46OIiIhrXj0+efJk/fLLL1q9erUiIiJUp04d3X///erWrZt+//13Va5cWZKUmpqqwYMHy8/PTy4uLmratKm2bNliXs66detkMpm0evVq1a9fX25ubmrSpIn27dsnSYqOjlbNmjUlSffff79MJpOOHDliNWxLZmamoqKiVKxYMfn4+Ojll1+WYRgF2lbXyyXb//73PzVo0EAuLi4qWbKkHn/8cfO01NRUvfTSS7rvvvvk7u6uRo0aad26dXlux9y4u7tr5syZ6tevn/z9/fM1z59//qkVK1bos88+U6NGjdS0aVNNnTpVX3/9tY4dOyZJmj9/vtLS0jRnzhzVqFFDXbp00eDBgzVx4kTzcqZMmaI2bdpo+PDhql69usaOHat69epp2rRpBXoNACieAwAAAACAO1FKSt6Py5fzH3vVleF5xt6gPn36aO7cuebnc+bMUe/eva3ixo0bp88//1yzZs3S7t27NWzYMD377LNav369pCsF47Jly2rRokXas2ePRo4cqddee03ffPONxXLWrl2rgwcPau3atZo3b56io6MVHR2dZ37z589XaGioVTFfkhwdHeXu7i5Jevnll/Xdd99p3rx52rZtmypVqqSwsDCdOXPGYp7XX39dEyZM0NatW+Xg4KA+ffpIkp5++mmtWrVKkrR582YdP35c5cqVs1rnhAkTFB0drTlz5mjDhg06c+aMlixZUqBtdb1cJGn58uV6/PHH1a5dO23fvl2rV69Ww4YNzdMjIyMVGxurr7/+Wjt27FDnzp3Vpk0b7d+/3xxjMpmuuW1vRGxsrIoVK6b69eub20JDQ2VnZ6fff//dHNOsWTM5OTmZY8LCwrRv3z6dPXvWHJPzavewsDDFxsYWar7AvcDB1gkAAAAAAAAUmIdH3tPatZOWL/+/535+0sWLucc2by5dfVVxQIB0+rRlTI6rn/Pr2Wef1YgRI/T3339Lkn777Td9/fXXFlcxp6am6t1339WqVasUEhIi6crV2Rs2bNDHH3+s5s2by9HRUW+99ZZ5nsDAQMXGxuqbb77RU089ZW4vXry4pk2bJnt7e1WrVk3h4eFavXq1+vXrl2t++/fvV4sWLa75GlJSUjRz5kxFR0erbdu2kqRPP/1UMTExmj17toYPH26Ofeedd9S8eXNJ0quvvqrw8HBdvnxZrq6u5uFZfH1987wSe/LkyRoxYoSeeOIJSdKsWbO0cuXKAm2r6+Xi4uKid955R126dLHYprVr15Z0ZXiZuXPnKiEhQWXKlJEkvfTSS1qxYoXmzp2rd999V5JUtWpVeXt7X3PbFVRiYqL8/Pws2hwcHFSiRAklJiaaYwIDAy1iSpUqZZ5WvHhxJSYmmtuujsleBoD8o3gOAAAAAABwC/j6+io8PFzR0dEyDEPh4eEqWbKkRcyBAwd08eJFPfLIIxbtaWlpFleET58+XXPmzFFCQoIuXbqktLQ0iyFPJKlGjRqyt7c3Py9durR27tyZZ345h0TJzcGDB5Wenq4HH3zQ3Obo6KiGDRvqzz//tIitVauWxbol6eTJk/ka4z0pKUnHjx9Xo0aNzG0ODg6qX7++Oc/8bqvr5RIfH5/nCYWdO3cqMzNTVapUsWhPTU21GJ997969131NAPLB1VXKHo/f1dW2ueSC4jkAAAAAALjzXLiQ97SrCsiSpJMn8461yzGi7ZEjN5xSbvr06aPIyEhJVwrgOV34/69j+fLluu+++yymOTs7S5K+/vprvfTSS5owYYJCQkLk6empDz74wDyURzZHR0eL5yaTSVlZWXnmVqVKlUItAl+9fpPJJEnXXH9B5Wdb5ScX12sU6C5cuCB7e3vFxcVZnIiQJI9r/dqhEPj7++tkjs9qRkaGzpw5Y75a39/fXydOnLCIyX5+vZj8jr0O3FZ2dlKNGrbOIk+MeQ4AAAAAAO487u55P1xc8h+bs5CaW8xNaNOmjdLS0pSenq6wsDCr6UFBQXJ2dlZCQoIqVapk8cgeF/y3335TkyZN9MILL6hu3bqqVKmSDh48eFN5SVK3bt20atUqbd++3Wpaenq6UlJSVLFiRTk5Oem3336zmLZlyxYFBQXddA7ZvL29Vbp0aYsTAhkZGYqLizM/z8+2yo9atWpp9erVuU6rW7euMjMzdfLkSat13Oric0hIiM6dO2fxmtesWaOsrCzzFfkhISH65ZdfLG4EGxMTo6pVq6p48eLmmJyvLyYmxjzUDYD8o3gOAAAAAABwi9jb2+vPP//Unj17rK5kliRPT0+99NJLGjZsmObNm6eDBw9q27Ztmjp1qubNmydJqly5srZu3aqVK1fqr7/+0ptvvqktW7bcdG5Dhw7Vgw8+qFatWmn69On6448/dOjQIX3zzTdq3Lix9u/fL3d3dw0cOFDDhw/XihUrtGfPHvXr108XL15U3759bzqHqw0ZMkTvvfeeli5dqr179+qFF17QuXPnzNPzs63yY9SoUfrqq680atQo/fnnn9q5c6fef/99SVeuxn/mmWfUo0cPLV68WIcPH9bmzZs1btw4Lb9qHP1q1apZ3cw0pz179ig+Pl5nzpxRUlKS4uPjFR8fb56+efNmVatWTf/++68kqXr16mrTpo369eunzZs367ffflNkZKS6dOliHn+9W7ducnJyUt++fbV7924tXLhQU6ZMUVRUlMV2XLFihSZMmKC9e/dq9OjR2rp1q/kXEECRkpYmjR595ZGWZutsrDBsCwAAAAAAwC3k5eV1zeljx46Vr6+vxo0bp0OHDqlYsWKqV6+eXnvtNUnS888/r+3bt+vpp5+WyWRS165d9cILL+inn366qbycnZ0VExOjSZMm6eOPP9ZLL70kNzc3Va9eXYMHD9YDDzwgSXrvvfeUlZWl7t276/z586pfv75WrlxpvtK5sLz44os6fvy4evbsKTs7O/Xp00ePP/64kpKSzDHX21b50aJFCy1atEhjx47Ve++9Jy8vLzVr1sw8fe7cuXr77bf14osv6t9//1XJkiXVuHFjtW/f3hyzb98+i7xy065dO/PNYiWZx2XPHsP94sWL2rdvn8VV5PPnz1dkZKRatWolOzs7derUSR999JF5ure3t37++WdFREQoODhYJUuW1MiRI9W/f39zTJMmTbRgwQK98cYbeu2111S5cmUtXbrU/H4Ct9qpU6eUnJycr1jTxYu6P/vmvcOHS05OtzCzgjMZ+bk7xF0kOTlZ3t7eSkpKum7nBQBAXuhPbK+w34O+0XlfvTW7V4ObXj4AoGiiT7e9a70Hly9f1uHDhxUYGCiXnEOxACg0/K2hsJw6dUrP9n5OZ85fzFe8S2amfv1t7ZV5Dx+Wb0DADa/7VvTpXHkOAAAAAAAAALhpycnJOnP+onxDOsm9RKnrxjunXZb+f/H8/Pnz8r3VCRYQxXMAAAAAAAAAQKFxL1FKXn5lrxvnlHrpNmRz47hhKAAAAAAAAAAAOVA8BwAAAAAAAAAgB4rnAAAAAAAAAADkQPEcAAAAAAAUaVlZWbZOAbir8TcGW0l3dNKrke+rZ90GMpydbZ2OFW4YCgAAAAAAiiQnJyfZ2dnp2LFj8vX1lZOTk0wmk63TAu4ahmEoLS1Np06dkp2dnZycnGydEu4xhp29DparrCOe3pK9va3TsULxHAAAAAAAFEl2dnYKDAzU8ePHdezYMVunA9y13NzcVL58ednZMUgFcDWK5wAAAAAAoMhycnJS+fLllZGRoczMTFunA9x17O3t5eDgwK86YBP2Gel6dP1SnTl6REpLs3U6ViieAwAAAACAIs1kMsnR0VGOjo62TgUAUIjsMzPU/cfPJUmHMjJsnI01fosBAAAAAAAAAEAOFM8BAAAAAAAAAMiB4jkAAAAAAAAAADlQPAcAAAAAAAAAIAeK5wAAAAAAAAAA5EDxHAAAAAAAAACAHCieAwAAAAAAAABuu3RHJ43qP0bP16onw9nZ1ulYoXgOAAAAAAAAALjtDDt77an4gLYVKyHZ29s6HSsUzwEAAAAAAAAAyMHB1gkAAAAAAAAAAO499hkZCtv4k84cOyqlp9s6HSsUzwEAAAAAAAAAt519Zrqe+/5TSdKhIlg8Z9gWAAAAAAAAAAByoHgOAAAAAAAAAEAOFM8BAAAAAAAAAMiB4jkAAAAAAAAAADlQPAcAAAAAAAAAIAeK5wAAAAAAAAAA5EDxHAAAAACAImTmzJmqVauWvLy85OXlpZCQEP3000/m6ZcvX1ZERIR8fHzk4eGhTp066cSJExbLSEhIUHh4uNzc3OTn56fhw4crIyPDImbdunWqV6+enJ2dValSJUVHR1vlMn36dAUEBMjFxUWNGjXS5s2bLabnJxcAAPKS4eCocb1e09AadWQ4Odk6HSsUzwEAAAAAKELKli2r9957T3Fxcdq6dasefvhhPfbYY9q9e7ckadiwYfrf//6nRYsWaf369Tp27JieeOIJ8/yZmZkKDw9XWlqaNm7cqHnz5ik6OlojR440xxw+fFjh4eFq2bKl4uPjNXToUD333HNauXKlOWbhwoWKiorSqFGjtG3bNtWuXVthYWE6efKkOeZ6uQAAcC1Z9g7aVr2+fvMpKTk42DodKxTPAQAAAAAoQjp06KB27dqpcuXKqlKlit555x15eHho06ZNSkpK0uzZszVx4kQ9/PDDCg4O1ty5c7Vx40Zt2rRJkvTzzz9rz549+vLLL1WnTh21bdtWY8eO1fTp05WWliZJmjVrlgIDAzVhwgRVr15dkZGRevLJJzVp0iRzHhMnTlS/fv3Uu3dvBQUFadasWXJzc9OcOXMkKV+5AABwJ6N4DgAAAABAEZWZmamvv/5aKSkpCgkJUVxcnNLT0xUaGmqOqVatmsqXL6/Y2FhJUmxsrGrWrKlSpUqZY8LCwpScnGy+ej02NtZiGdkx2ctIS0tTXFycRYydnZ1CQ0PNMfnJBQCAa7HPyFCLrWvUPvGYlJ5u63SsFL1r4QEAAAAAuMft3LlTISEhunz5sjw8PLRkyRIFBQUpPj5eTk5OKlasmEV8qVKllJiYKElKTEy0KJxnT8+edq2Y5ORkXbp0SWfPnlVmZmauMXv37jUv43q55CY1NVWpqanm58nJydfZGgCAu5V9ZroiFk2TJB0qgsVzrjwHAAAAAKCIqVq1quLj4/X7779r4MCB6tmzp/bs2WPrtArFuHHj5O3tbX6UK1fO1ikBAJAriucAAAAAABQxTk5OqlSpkoKDgzVu3DjVrl1bU6ZMkb+/v9LS0nTu3DmL+BMnTsjf31+S5O/vrxMnTlhNz552rRgvLy+5urqqZMmSsre3zzXm6mVcL5fcjBgxQklJSebH0aNH87dRAAC4zSieAwAAAABQxGVlZSk1NVXBwcFydHTU6tWrzdP27dunhIQEhYSESJJCQkK0c+dOnTx50hwTExMjLy8vBQUFmWOuXkZ2TPYynJycFBwcbBGTlZWl1atXm2Pyk0tunJ2d5eXlZfEAAKAoYsxzAAAAAACKkBEjRqht27YqX768zp8/rwULFmjdunVauXKlvL291bdvX0VFRalEiRLy8vLSoEGDFBISosaNG0uSWrduraCgIHXv3l3jx49XYmKi3njjDUVERMjZ2VmSNGDAAE2bNk0vv/yy+vTpozVr1uibb77R8uXLzXlERUWpZ8+eql+/vho2bKjJkycrJSVFvXv3lqR85QIAwJ2M4jkAAAAAAEXIyZMn1aNHDx0/flze3t6qVauWVq5cqUceeUSSNGnSJNnZ2alTp05KTU1VWFiYZsyYYZ7f3t5ey5Yt08CBAxUSEiJ3d3f17NlTY8aMMccEBgZq+fLlGjZsmKZMmaKyZcvqs88+U1hYmDnm6aef1qlTpzRy5EglJiaqTp06WrFihcVNRK+XCwAAdzKTYRiGrZO4nZKTk+Xt7a2kpCR+GgYAuGH0J7ZX2O9B3+gteU6b3avBTS8fAFA00afbHu8BANw9Dh48qC59Bigg/AV5+ZW9brxT6iXNHNBcknRoxw7dX7PmDa/7VvQnjHkOAAAAAAAAALjtMhwcNeGZl/Rq9ZoynJxsnY4ViucAAAAAAAAAgNsuy95Bm2o10WrfUpJD0RthnOI5AAAAAAAAAAA5FL1yPgAAAAAAAADgrmeXmaHGOzaq4qkTUkaGrdOxQvEcAAAAAAAAAHDbOWSk68X5H0qSDqWl2TgbawzbAgAAAAAAAABADhTPAQAAAAAAAADIgeI5AAAAAAAAAAA5UDwHAAAAAAAAACAHiucAAAAAAAAAAORA8RwAAAAAAAAAgBwongMAAAAAAAAAbrtMe0dN7xypt6oEyXB0tHU6ViieAwAAAAAAAABuu0wHB62r/7CW+ZeRKJ4DAAAAAAAAAFD0Odg6AQAAAAAAAADAvccuM0P1/tyq+/47LWVk2DodKxTPAQAAAAAAAAC3nUNGukZEvytJOpSWZuNsrDFsCwAAAAAAAAAAOVA8BwAAAAAAAAAgB4rnAAAAAAAAAADkQPEcAAAAAAAAAIAcKJ4DAAAAAAAAAJADxXMAAAAAAAAAAHKgeA4AAAAAAAAAuO0y7R312WP9NL5SVRmOjrZOxwrFcwAAAAAAAADAbZfp4KCVTdpqUZlyEsVzAAAAAAAAAACKPgdbJwAAAAAAAAAAuPeYsjIVdHCXSpw7I2Vm2jodKxTPAQAAAAAAAAC3nWN6mt76ZKQk6VBqqo2zscawLQAAAAAAAAAA5EDxHAAAAAAAAACAHCieAwAAAAAAAACQA8VzAAAAAAAAAAByoHgOAAAAAAAAAEAOFM8BAAAAAAAAAMiB4jkAAAAAAAAA4LbLtHfQF+16aEpgJRkODrZOx4rNi+fTp09XQECAXFxc1KhRI23evPma8ZMnT1bVqlXl6uqqcuXKadiwYbp8+fJtyhYAAAAAAAAAUBgyHRz1Q/OO+rJcgOTkZOt0rNi0eL5w4UJFRUVp1KhR2rZtm2rXrq2wsDCdPHky1/gFCxbo1Vdf1ahRo/Tnn39q9uzZWrhwoV577bXbnDkAAEXPuHHj1KBBA3l6esrPz08dO3bUvn37LGIuX76siIgI+fj4yMPDQ506ddKJEycsYhISEhQeHi43Nzf5+flp+PDhysjIsIhZt26d6tWrJ2dnZ1WqVEnR0dFW+VzvBHl+cgEAAAAAwFZsWjyfOHGi+vXrp969eysoKEizZs2Sm5ub5syZk2v8xo0b9eCDD6pbt24KCAhQ69at1bVr1+terQ4AwL1g/fr1ioiI0KZNmxQTE6P09HS1bt1aKSkp5phhw4bpf//7nxYtWqT169fr2LFjeuKJJ8zTMzMzFR4errS0NG3cuFHz5s1TdHS0Ro4caY45fPiwwsPD1bJlS8XHx2vo0KF67rnntHLlSnNMfk6QXy8XAAAAAMDdzZSVqYpH9yvofJKUmWnrdKzYrHielpamuLg4hYaG/l8ydnYKDQ1VbGxsrvM0adJEcXFx5mL5oUOH9OOPP6pdu3Z5ric1NVXJyckWDwAA7kYrVqxQr169VKNGDdWuXVvR0dFKSEhQXFycJCkpKUmzZ8/WxIkT9fDDDys4OFhz587Vxo0btWnTJknSzz//rD179ujLL79UnTp11LZtW40dO1bTp09XWlqaJGnWrFkKDAzUhAkTVL16dUVGRurJJ5/UpEmTzLlc7wR5fnIBAAAAANzdHNPT9N60VzRv+xaZUlNtnY4VmxXPT58+rczMTJUqVcqivVSpUkpMTMx1nm7dumnMmDFq2rSpHB0dVbFiRbVo0eKaw7aMGzdO3t7e5ke5cuUK9XUAAFBUJSUlSZJKlCghSYqLi1N6errFietq1aqpfPny5hPXsbGxqlmzpkX/HBYWpuTkZO3evdscc/UysmOyl5GfE+T5ySUnTogDAAAAAG4nm98wtCDWrVund999VzNmzNC2bdu0ePFiLV++XGPHjs1znhEjRigpKcn8OHr06G3MGAAA28jKytLQoUP14IMP6oEHHpAkJSYmysnJScWKFbOIvfrEdWJiYq4ntrOnXSsmOTlZly5dytcJ8vzkkhMnxAEAAAAAt5ODrVZcsmRJ2dvbW90Y7MSJE/L39891njfffFPdu3fXc889J0mqWbOmUlJS1L9/f73++uuys7M+F+Ds7CxnZ+fCfwEAABRhERER2rVrlzZs2GDrVArNiBEjFBUVZX6enJxMAR0AAAAAcMvY7MpzJycnBQcHa/Xq1ea2rKwsrV69WiEhIbnOc/HiRasCub29vSTJMIxblywAAHeQyMhILVu2TGvXrlXZsmXN7f7+/kpLS9O5c+cs4q8+ce3v75/rie3sadeK8fLykqura75OkOcnl5ycnZ3l5eVl8QAAAAAA4Fax6bAtUVFR+vTTTzVv3jz9+eefGjhwoFJSUtS7d29JUo8ePTRixAhzfIcOHTRz5kx9/fXXOnz4sGJiYvTmm2+qQ4cO5iI6AAD3KsMwFBkZqSVLlmjNmjUKDAy0mB4cHCxHR0eLE9f79u1TQkKC+cR1SEiIdu7cqZMnT5pjYmJi5OXlpaCgIHPM1cvIjsleRn5OkOcnFwAAAAAAbMlmw7ZI0tNPP61Tp05p5MiRSkxMVJ06dbRixQrzGKkJCQkWV5q/8cYbMplMeuONN/Tvv//K19dXHTp00DvvvGOrlwAAQJERERGhBQsW6Pvvv5enp6d57HBvb2+5urrK29tbffv2VVRUlEqUKCEvLy8NGjRIISEhaty4sSSpdevWCgoKUvfu3TV+/HglJibqjTfeUEREhHkYtAEDBmjatGl6+eWX1adPH61Zs0bffPONli9fbs4lKipKPXv2VP369dWwYUNNnjzZ4gR5fnIBAAAAAMCWbFo8l678tDwyMjLXaevWrbN47uDgoFGjRmnUqFG3ITMAAO4sM2fOlCS1aNHCon3u3Lnq1auXJGnSpEmys7NTp06dlJqaqrCwMM2YMcMca29vr2XLlmngwIEKCQmRu7u7evbsqTFjxphjAgMDtXz5cg0bNkxTpkxR2bJl9dlnnyksLMwcc70T5PnJBQAAAABwd8u0d9A3oU/p3F9b1MrB5qVqKybjHhssPDk5Wd7e3kpKSmKsVADADaM/sb3Cfg/6Rm/Jc9rsXg1uevkAgKKJPt32eA8A4O5x8OBBdekzQAHhL8jLr+z1Z5CUfPIfHVk+Q1/PmaWKFSve8LpvRX9i0zHPAQAAAAAAAAAoioretfAAAAAAAAAAgLueKStLZRMTZJdyQcrKsnU6VrjyHLgLTJ8+XQEBAXJxcVGjRo20efPmPGNbtGghk8lk9QgPD881fsCAATKZTJo8ebJFe0BAgNUy3nvvPfP0I0eO5LqeTZs2FcprBgAAAAAAwJ3NMT1VkyYN1cK4TTJdvmzrdKxw5Tlwh1u4cKGioqI0a9YsNWrUSJMnT1ZYWJj27dsnPz8/q/jFixcrLS3N/Py///5T7dq11blzZ6vYJUuWaNOmTSpTpkyu6x4zZoz69etnfu7p6WkVs2rVKtWoUcP83MfHp0CvDwAAAAAAALAFrjwH7nATJ05Uv3791Lt3bwUFBWnWrFlyc3PTnDlzco0vUaKE/P39zY+YmBi5ublZFc///fdfDRo0SPPnz5ejo2Ouy/L09LRYlru7u1WMj4+PRUxeywIAAAAAAACKEornwB0sLS1NcXFxCg0NNbfZ2dkpNDRUsbGx+VrG7Nmz1aVLF4vCd1ZWlrp3767hw4dbXDWe03vvvScfHx/VrVtXH3zwgTIyMqxiHn30Ufn5+alp06b64YcfCvDqAAAAAAAAANth2BbgDnb69GllZmaqVKlSFu2lSpXS3r17rzv/5s2btWvXLs2ePdui/f3335eDg4MGDx6c57yDBw9WvXr1VKJECW3cuFEjRozQ8ePHNXHiREmSh4eHJkyYoAcffFB2dnb67rvv1LFjRy1dulSPPvroDbxaAAAAAAAA4PbhynPgHjZ79mzVrFlTDRs2NLfFxcVpypQpio6OlslkynPeqKgotWjRQrVq1dKAAQM0YcIETZ06VampqZKkkiVLKioqSo0aNVKDBg303nvv6dlnn9UHH3xwy1/Xvaywbx47evRoVatWTe7u7ipevLhCQ0P1+++/57q81NRU1alTRyaTSfHx8RbLyG09uQ3zAwAAAAAAUFRQPAfuYCVLlpS9vb1OnDhh0X7ixAn5+/tfc96UlBR9/fXX6tu3r0X7r7/+qpMnT6p8+fJycHCQg4OD/v77b7344osKCAjIc3mNGjVSRkaGjhw5cs2YAwcOXPd14cZk3zx21KhR2rZtm2rXrq2wsDCdPHky1/jFixfr+PHj5seuXbtkb29vMf59lSpVNG3aNO3cuVMbNmxQQECAWrdurVOnTlkt7+WXX8715rIvvfSSxXqOHz+uoKCgXG9SCwAAAAAAUFRQPAfuYE5OTgoODtbq1avNbVlZWVq9erVCQkKuOe+iRYuUmpqqZ5991qK9e/fu2rFjh+Lj482PMmXKaPjw4Vq5cmWey4uPj5ednZ38/PyuGVO6dOl8vjoU1K24eWy3bt0UGhqq+++/XzVq1NDEiROVnJysHTt2WCzrp59+0s8//6wPP/zQaj0eHh4W6zlx4oT27NljdeIGAAAAAADcWzLtHfRDs8f0RdkKMhyK3gjjRS8jAAUSFRWlnj17qn79+mrYsKEmT56slJQU9e7dW5LUo0cP3XfffRo3bpzFfLNnz1bHjh3l4+Nj0e7j42PV5ujoKH9/f1WtWlWSFBsbq99//10tW7aUp6enYmNjNWzYMD377LMqXry4JGnevHlycnJS3bp1JV25ynnOnDn67LPPbsl2uNdl3zx2xIgR5rbCuHlsznV88skn8vb2Vu3atc3tJ06cUL9+/bR06VK5ublddz2fffaZqlSpooceeihfeQEAAAAAgLtTpoOjvgjvqSPLU9TEycnW6ViheA7c4Z5++mmdOnVKI0eOVGJiourUqaMVK1aYbyKakJAgOzvLH5ns27dPGzZs0M8//3xD63R2dtbXX3+t0aNHKzU1VYGBgRo2bJiioqIs4saOHau///5bDg4OqlatmhYuXKgnn3zyxl4orulW3TxWkpYtW6YuXbro4sWLKl26tGJiYlSyZElJkmEY6tWrlwYMGKD69etfc9geSbp8+bLmz5+vV199Nf8vDgAAAAAAwAYongN3gcjISEVGRuY6bd26dVZtVatWlWEY+V5+zoJovXr1tGnTpmvO07NnT/Xs2TPf64Bt5Xbz2GwtW7ZUfHy8Tp8+rU8//VRPPfWUfv/9d/n5+Wnq1Kk6f/68xRXv17JkyRKdP3+ezwYAAAAAAJApK0u+Z04q9fIlKSvL1ulYYcxzALgL3Iqbx2Zzd3dXpUqV1LhxY82ePVsODg7mK9TXrFmj2NhYOTs7y8HBQZUqVZIk1a9fP9cC+Weffab27dtbXSEPAAAAAADuPY7pqZrx/gD9sPk3mS5ftnU6ViieA8Bd4FbcPDYvWVlZSk1NlSR99NFH+uOPP8w3l/3xxx8lSQsXLtQ777xjMd/hw4e1du1abhQKAAAAAADuCAzbAgB3icK+eWxKSoreeecdPfrooypdurROnz6t6dOn699//1Xnzp0lSeXLl7eYx8PDQ5JUsWJFlS1b1mLanDlzVLp0abVt27ZQXzcAAAAAAMCtQPEcAO4ShX3zWHt7e+3du1fz5s3T6dOn5ePjowYNGujXX39VjRo1CpRbVlaWoqOj1atXL9nb29/4iwQAAAAAALhNKJ4DwF2kMG8e6+LiosWLFxdo/QEBAbkuz87OTkePHi3QsgAAAAAAAGyJMc8BAAAAAChCxo0bpwYNGsjT01N+fn7q2LGj9u3bZxHTokULmUwmi8eAAQMsYhISEhQeHi43Nzf5+flp+PDhysjIsIhZt26d6tWrJ2dnZ1WqVEnR0dFW+UyfPl0BAQFycXFRo0aNtHnzZovply9fVkREhHx8fOTh4aFOnTpZ3cgeAIA7EcVzAAAAAACKkPXr1ysiIkKbNm1STEyM0tPT1bp1a6WkpFjE9evXT8ePHzc/xo8fb56WmZmp8PBwpaWlaePGjZo3b56io6M1cuRIc8zhw4cVHh6uli1bKj4+XkOHDtVzzz2nlStXmmMWLlyoqKgojRo1Stu2bVPt2rUVFhamkydPmmOGDRum//3vf1q0aJHWr1+vY8eO6YknnriFWwgAgNuDYVuAwrLAZOsMcD3dch+eBAAAAChKVqxYYfE8Ojpafn5+iouLU7Nmzcztbm5u8vf3z3UZP//8s/bs2aNVq1apVKlSqlOnjsaOHatXXnlFo0ePlpOTk2bNmqXAwEBNmDBBklS9enVt2LBBkyZNUlhYmCRp4sSJ6tevn/km9LNmzdLy5cs1Z84cvfrqq0pKStLs2bO1YMECPfzww5KkuXPnqnr16tq0aZMaN25c6NsHAHD3yLKz14qQNjp/ZJfqFcF7pHHlOQAAAAAARVhSUpIkqUSJEhbt8+fPV8mSJfXAAw9oxIgRunjxonlabGysatasab55vCSFhYUpOTlZu3fvNseEhoZaLDMsLEyxsbGSpLS0NMXFxVnE2NnZKTQ01BwTFxen9PR0i5hq1aqpfPny5picUlNTlZycbPEAANybMhydNLtjf42vXE1ydrZ1Ola48hwAAAAAgCIqKytLQ4cO1YMPPqgHHnjA3N6tWzdVqFBBZcqU0Y4dO/TKK69o37595hu+JyYmWhTOJZmfJyYmXjMmOTlZly5d0tmzZ5WZmZlrzN69e83LcHJyUrFixaxisteT07hx4/TWW28VcEsAAHD7UTwHAAAAAKCIioiI0K5du7RhwwaL9v79+5v/X7NmTZUuXVqtWrXSwYMHVbFixdudZoGMGDFCUVFR5ufJyckqV66cDTMCANiMYcjrQpKKpaVJRtEbbpfiOQAAAAAARVBkZKSWLVumX375RWXLlr1mbKNGjSRJBw4cUMWKFeXv76/NmzdbxJw4cUKSzOOk+/v7m9uujvHy8pKrq6vs7e1lb2+fa8zVy0hLS9O5c+csrj6/OiYnZ2dnORfBn+YDAG4/p7TLmjn2yn01Dl26ZONsrFE8B4BCNuXsFFungOsYUnyIrVMAAADIk2EYGjRokJYsWaJ169YpMDDwuvPEx8dLkkqXLi1JCgkJ0TvvvKOTJ0/Kz89PkhQTEyMvLy8FBQWZY3788UeL5cTExCgkJESS5OTkpODgYK1evVodO3aUdGUYmdWrVysyMlKSFBwcLEdHR61evVqdOnWSJO3bt08JCQnm5QAAcKeieA4AAAAAQBESERGhBQsW6Pvvv5enp6d57HBvb2+5urrq4MGDWrBggdq1aycfHx/t2LFDw4YNU7NmzVSrVi1JUuvWrRUUFKTu3btr/PjxSkxM1BtvvKGIiAjzVd8DBgzQtGnT9PLLL6tPnz5as2aNvvnmGy1fvtycS1RUlHr27Kn69eurYcOGmjx5slJSUtS7d29zTn379lVUVJRKlCghLy8vDRo0SCEhIWrcuPFt3nIAABQuiucAAAAAABQhM2fOlCS1aNHCon3u3Lnq1auXnJyctGrVKnMhu1y5curUqZPeeOMNc6y9vb2WLVumgQMHKiQkRO7u7urZs6fGjBljjgkMDNTy5cs1bNgwTZkyRWXLltVnn32msLAwc8zTTz+tU6dOaeTIkUpMTFSdOnW0YsUKi5uITpo0SXZ2durUqZNSU1MVFhamGTNm3KKtAwDA7UPxHAAAAACAIsS4zg3TypUrp/Xr1193ORUqVLAaliWnFi1aaPv27deMiYyMNA/TkhsXFxdNnz5d06dPv25OAADcSexsnQAAAAAAAAAAAEUNxXMAAAAAAAAAAHJg2BYAAAAAAAAAwG2XZWevdcEtdeGfvapub2/rdKxw5TkAAAAAAAAA4LbLcHTS9KcG6a2qNSRnZ1unY4XiOQAAAAAAAAAAOVA8BwAAAAAAAADcfoYh57TLcsnMlAzD1tlYYcxzAAAAAAAAAMBt55R2WbPf7CZJOnTpko2zscaV53ew6dOnKyAgQC4uLmrUqJE2b958zfhz584pIiJCpUuXlrOzs6pUqaIff/zRPD0gIEAmk8nqERERYbGc2NhYPfzww3J3d5eXl5eaNWumS1d9uP/66y899thjKlmypLy8vNS0aVOtXbu2cF88AAAAAAAAANxCFM/vUAsXLlRUVJRGjRqlbdu2qXbt2goLC9PJkydzjU9LS9MjjzyiI0eO6Ntvv9W+ffv06aef6r777jPHbNmyRcePHzc/YmJiJEmdO3c2x8TGxqpNmzZq3bq1Nm/erC1btigyMlJ2dv/3UWrfvr0yMjK0Zs0axcXFqXbt2mrfvr0SExNv0dYAAAAAAAAAgMLFsC13qIkTJ6pfv37q3bu3JGnWrFlavny55syZo1dffdUqfs6cOTpz5ow2btwoR0dHSVeuNL+ar6+vxfP33ntPFStWVPPmzc1tw4YN0+DBgy3WUbVqVfP/T58+rf3792v27NmqVauWeTkzZszQrl275O/vf3MvHAAAAAAAAABuA648vwOlpaUpLi5OoaGh5jY7OzuFhoYqNjY213l++OEHhYSEKCIiQqVKldIDDzygd999V5mZmXmu48svv1SfPn1kMpkkSSdPntTvv/8uPz8/NWnSRKVKlVLz5s21YcMG83w+Pj6qWrWqPv/8c6WkpCgjI0Mff/yx/Pz8FBwcXIhbAQAAAAAAAABuHYrnd6DTp08rMzNTpUqVsmgvVapUnkOjHDp0SN9++60yMzP1448/6s0339SECRP09ttv5xq/dOlSnTt3Tr169bJYhiSNHj1a/fr104oVK1SvXj21atVK+/fvlySZTCatWrVK27dvl6enp1xcXDRx4kStWLFCxYsXL4RXDwAAAAAAAAC3HsXze0RWVpb8/Pz0ySefKDg4WE8//bRef/11zZo1K9f42bNnq23btipTpozFMiTp+eefV+/evVW3bl1NmjRJVatW1Zw5cyRJhmEoIiJCfn5++vXXX7V582Z17NhRHTp00PHjx2/9CwUAAAAAAACAQsCY53egkiVLyt7eXidOnLBoP3HiRJ5jipcuXVqOjo6yt7c3t1WvXl2JiYlKS0uTk5OTuf3vv//WqlWrtHjxYqtlSFJQUJBFe/Xq1ZWQkCBJWrNmjZYtW6azZ8/Ky8tLkjRjxgzFxMRo3rx5uY7HDgAAAAAAAODek2Vnp9iaIUo5flD3X1W3LCq48vwO5OTkpODgYK1evdrclpWVpdWrVyskJCTXeR588EEdOHDAfPW4JP31118qXbq0ReFckubOnSs/Pz+Fh4dbtAcEBKhMmTLat2+fRftff/2lChUqSJIuXrwo6coY7Fezs7OzWDcAAAAAAACAe1uGo7MmPjtcI4JqyXB2tnU6Viie36GioqL06aefat68efrzzz81cOBApaSkqHfv3pKkHj16aMSIEeb4gQMH6syZMxoyZIj++usvLV++XO+++64iIiIslpuVlaW5c+eqZ8+ecnCw/GGCyWTS8OHD9dFHH+nbb7/VgQMH9Oabb2rv3r3q27evJCkkJETFixdXz5499ccff+ivv/7S8OHDdfjwYatiPAAAAAAAAAAUVQzbcod6+umnderUKY0cOVKJiYmqU6eOVqxYYb6JaEJCgsXV3+XKldPKlSs1bNgw1apVS/fdd5+GDBmiV155xWK5q1atUkJCgvr06ZPreocOHarLly9r2LBhOnPmjGrXrq2YmBhVrFhR0pUhZVasWKHXX39dDz/8sNLT01WjRg19//33ql279i3aGgAAAAAAAABQuCie38EiIyMVGRmZ67R169ZZtYWEhGjTpk3XXGbr1q1lGMY1Y1599dVrjl1ev359rVy58prLAAAAAAAAAHBvc0q9pEWvPCFJOvT/h4MuShi2BQAAAAAAAACAHCieAwAAAAAAAACQA8VzAAAAAAAAAAByoHgOAAAAAAAAAEAOFM8BAAAAAAAAAMiB4jkAAAAAAAAAADk42DoBAAAAAAAAAMC9J8vOTtuq1dPFk3+rjL29rdOxQvH8Ji3ed9zWKeA6nqha2tYpAAAAAAAAAMghw9FZ43q/oSPLZ+hrZ2dbp2OFYVsAAAAAAAAAAMiB4jkAAAAAAAAAADkwbAsAAAAAAAAA4LZzSr2kL97oKiMzXccvXrR1OlYongMAAAAAAAAAbMIlPdXWKeSJYVsAAAAAAAAAAMiB4jkAAAAAAAAAADlQPAcAAAAAAAAAIAeK5wAAAAAAAAAA5EDxHAAAAAAAAACAHBxsnQAAAAAAAAAA4N5jmEzafX8NXf7vXxW3K3rXeRe9jAAAAAAAAAAAd710JxeNfn6sBtSuL8PFxdbpWKF4DgAAAAAAAABADhTPAQAAAAAAAADIgTHPAQAAAAAAAAC3nVPqJc0e00uZaZd09uJFW6djheI5AAAAAAAAAMAmvFKSJUlnbZxHbhi2BQAAAAAAAACAHCieAwAAAAAAAACQA8VzAAAAAAAAAAByoHgOAAAAAAAAAEAOFM8BAAAAAAAAAMjBwdYJAAAAAAAAAADuPYbJpANlKyrt3Cm52BW967yLXkYAAAAAAAAAgLteupOLRgz6QD3rNZTh4mLrdKxQPAcAAAAAAAAAIAeK5wAAAAAAAAAA5MCY5wAAAAAAAACA284p9bKmv/e8Mi6e1+VLl2ydjhWK5wAAAAAAAAAAGzDkd/aUJOmQYdg4F2sM2wIAAAAAAAAAQA4UzwEAAAAAAAAAyIHiOQAAAAAAAAAAOVA8BwAAAAAAAAAgB4rnAAAAAAAAAADk4GDrBAAAAAAAAAAA9yKTjvqVU/qFM5LJZOtkrHDlOQAAAAAAAADgtktzdlHUi1P0dP0QGa6utk7HCsVzAAAAAAAAAABysHnxfPr06QoICJCLi4saNWqkzZs3XzP+3LlzioiIUOnSpeXs7KwqVaroxx9/vE3ZAgBQdP3yyy/q0KGDypQpI5PJpKVLl1pM79Wrl0wmk8WjTZs2FjFnzpzRM888Iy8vLxUrVkx9+/bVhQsXLGJ27Nihhx56SC4uLipXrpzGjx9vlcuiRYtUrVo1ubi4qGbNmlZ9tWEYGjlypEqXLi1XV1eFhoZq//79hbMhAAAAAAAoBDYtni9cuFBRUVEaNWqUtm3bptq1ayssLEwnT57MNT4tLU2PPPKIjhw5om+//Vb79u3Tp59+qvvuu+82Zw4AQNGTkpKi2rVra/r06XnGtGnTRsePHzc/vvrqK4vpzzzzjHbv3q2YmBgtW7ZMv/zyi/r372+enpycrNatW6tChQqKi4vTBx98oNGjR+uTTz4xx2zcuFFdu3ZV3759tX37dnXs2FEdO3bUrl27zDHjx4/XRx99pFmzZun333+Xu7u7wsLCdPny5ULcIgAAAACAoswp9bImThiihVtjZbp0ydbpWLHpDUMnTpyofv36qXfv3pKkWbNmafny5ZozZ45effVVq/g5c+bozJkz2rhxoxwdHSVJAQEBtzNlAACKrLZt26pt27bXjHF2dpa/v3+u0/7880+tWLFCW7ZsUf369SVJU6dOVbt27fThhx+qTJkymj9/vtLS0jRnzhw5OTmpRo0aio+P18SJE81F9ilTpqhNmzYaPny4JGns2LGKiYnRtGnTNGvWLBmGocmTJ+uNN97QY489Jkn6/PPPVapUKS1dulRdunQprE0CAAAAACjSDJU7eVSSdMgwbJyLNZtdeZ6Wlqa4uDiFhob+XzJ2dgoNDVVsbGyu8/zwww8KCQlRRESESpUqpQceeEDvvvuuMjMz81xPamqqkpOTLR4AANyr1q1bJz8/P1WtWlUDBw7Uf//9Z54WGxurYsWKmQvnkhQaGio7Ozv9/vvv5phmzZrJycnJHBMWFqZ9+/bp7Nmz5pir+/fsmOz+/fDhw0pMTLSI8fb2VqNGjfLcBwAAAAAA4HazWfH89OnTyszMVKlSpSzaS5UqpcTExFznOXTokL799ltlZmbqxx9/1JtvvqkJEybo7bffznM948aNk7e3t/lRrly5Qn0dAADcKdq0aaPPP/9cq1ev1vvvv6/169erbdu25pPQiYmJ8vPzs5jHwcFBJUqUMPfNiYmJufbd2dOuFXP19Kvnyy0mN5wQBwDcK8aNG6cGDRrI09NTfn5+6tixo/bt22cRc/nyZUVERMjHx0ceHh7q1KmTTpw4YRGTkJCg8PBwubm5yc/PT8OHD1dGRoZFzLp161SvXj05OzurUqVKio6Otsrnevcqy08uAADciWx+w9CCyMrKkp+fnz755BMFBwfr6aef1uuvv65Zs2blOc+IESOUlJRkfhw9evQ2ZgwAQNHRpUsXPfroo6pZs6Y6duyoZcuWacuWLVq3bp2tU8sXTogDAO4V69evV0REhDZt2qSYmBilp6erdevWSklJMccMGzZM//vf/7Ro0SKtX79ex44d0xNPPGGenpmZqfDwcKWlpWnjxo2aN2+eoqOjNXLkSHPM4cOHFR4erpYtWyo+Pl5Dhw7Vc889p5UrV5pj8nOvsuvlAgDAncpmxfOSJUvK3t7e6mz0iRMn8hyLtXTp0qpSpYrs7e3NbdWrV1diYqLS0tJyncfZ2VleXl4WDwAAiorPP/9cqampVu1paWn6/PPPb+m677//fpUsWVIHDhyQJPn7+1vdtDsjI0Nnzpwx983+/v659t3Z064Vc/X0q+fLLSY3nBAHABRlhdmnr1ixQr169VKNGjVUu3ZtRUdHKyEhQXFxcZKkpKQkzZ49WxMnTtTDDz+s4OBgzZ07Vxs3btSmTZskST///LP27NmjL7/8UnXq1FHbtm01duxYTZ8+3Xz8PGvWLAUGBmrChAmqXr26IiMj9eSTT2rSpEnmXK6+V1lQUJBmzZolNzc3zZkzJ9+5AABwp7JZ8dzJyUnBwcFavXq1uS0rK0urV69WSEhIrvM8+OCDOnDggLKyssxtf/31l0qXLm0x9ioAAHeK3r17Kykpyar9/Pnz5htq3yr//POP/vvvP5UuXVqSFBISonPnzpkPzCVpzZo1ysrKUqNGjcwxv/zyi9LT080xMTExqlq1qooXL26Oubp/z47J7t8DAwPl7+9vEZOcnKzff/89z30AiRPiAICi7Vb26dnLLVGihCQpLi5O6enpFvcPqVatmsqXL2++f0hsbKxq1qxpMUxaWFiYkpOTtXv3bnPMte5Tkp97leUnl5wYig0AcKew6bAtUVFR+vTTTzVv3jz9+eefGjhwoFJSUsw7Fj169NCIESPM8QMHDtSZM2c0ZMgQ/fXXX1q+fLneffddRURE2OolAABwUwzDkMlksmr/559/5O3tXaBlXbhwQfHx8YqPj5d05afY8fHxSkhI0IULFzR8+HBt2rRJR44c0erVq/XYY4+pUqVKCgsLk3Tl11xt2rRRv379tHnzZv3222+KjIxUly5dVKZMGUlSt27d5OTkpL59+2r37t1auHChpkyZoqioKHMeQ4YM0YoVKzRhwgTt3btXo0eP1tatWxUZGSlJMplMGjp0qN5++2398MMP2rlzp3r06KEyZcqoY8eON7AVAQCwvcLs06+WlZWloUOH6sEHH9QDDzwg6cr9Q5ycnFSsWDGL2Jz3GLnR+5QkJyfr0qVL+bpXWX5yyYmh2AAA/8ekk8V9dczZRcqlH7U1B1uu/Omnn9apU6c0cuRIJSYmqk6dOlqxYoW5Y05ISJCd3f/V98uVK6eVK1dq2LBhqlWrlu677z4NGTJEr7zyiq1eAgAAN6Ru3boymUwymUxq1aqVHBz+r0vOzMzU4cOH1aZNmwItc+vWrWrZsqX5eXZBu2fPnpo5c6Z27NihefPm6dy5cypTpoxat26tsWPHytnZ2TzP/PnzFRkZqVatWsnOzk6dOnXSRx99ZJ7u7e2tn3/+WREREQoODlbJkiU1cuRI9e/f3xzTpEkTLViwQG+88YZee+01Va5cWUuXLjUf8EvSyy+/rJSUFPXv31/nzp1T06ZNtWLFCrm4uBToNQMAYGu3ok+/WkREhHbt2qUNGzYURrpFwogRIyxOvCcnJ1NAB4B7VJqziyJe/VhHls/Q166utk7Hik2L55IUGRlpvhItp9xuYBYSEsK4aQCAO172Fdbx8fEKCwuTh4eHeZqTk5MCAgLUqVOnAi2zRYsWMgwjz+lX3/wrLyVKlNCCBQuuGVOrVi39+uuv14zp3LmzOnfunOd0k8mkMWPGaMyYMdfNCQCAouxW9OnZIiMjtWzZMv3yyy8qW7asud3f319paWk6d+6cxRXfOe8xsnnzZovl5fc+JV5eXnJ1dZW9vf1171WWn1xycnZ2tjh5DwBAUWXz4jkAAPeiUaNGSZICAgL09NNPc8U1AAB3qFvRpxuGoUGDBmnJkiVat26dAgMDLaYHBwfL0dFRq1evNhfm9+3bp4SEBPP9Q0JCQvTOO+/o5MmT8vPzk3TlHiReXl4KCgoyx/z4448Wy776PiVX36ss+yRB9r3Ksi+Cy08uAADcqSieAwBgQz179pR05YZcJ0+etLgptiSVL1/eFmkBAIACKsw+PSIiQgsWLND3338vT09P89jh3t7ecnV1lbe3t/r27auoqCiVKFFCXl5eGjRokEJCQtS4cWNJUuvWrRUUFKTu3btr/PjxSkxM1BtvvKGIiAjzVd8DBgzQtGnT9PLLL6tPnz5as2aNvvnmGy1fvtycS1RUlHr27Kn69eurYcOGmjx5ssW9yvKTCwAAeXFMu6xxU4cr7dwpmS5ftnU6ViieAwBgQ/v371efPn20ceNGi/bsm45lZmbaKDMAAFAQhdmnz5w5U9KVIdmuNnfuXPXq1UuSNGnSJPP9SVJTUxUWFqYZM2aYY+3t7bVs2TINHDhQISEhcnd3V8+ePS2GTAsMDNTy5cs1bNgwTZkyRWXLltVnn31mvpm4dP17leUnFwAA8mIyDFX656Ak6VCOE89FAcVzAABsqFevXnJwcNCyZctUunRpmYrg3cUBAMD1FWaffq17mGRzcXHR9OnTNX369DxjKlSoYDUsS04tWrTQ9u3brxlzrXuV5TcXAADuRBTPAQCwofj4eMXFxalatWq2TgUAANwE+nQAAO4+drZOAACAe1lQUJBOnz5t6zQAAMBNok8HAODuQ/EcAAAbev/99/Xyyy9r3bp1+u+//5ScnGzxAAAAdwb6dAAA7j4M2wIAgA2FhoZKklq1amXRzg1DAQC4s9CnAwBw96F4DgCADa1du9bWKQAAgEJAnw4AwI1JdvdSZtolW6eRK4rnAADYUPPmzW2dAgAAKAT06QAAFFyas6v6jozWkeUz9LWbm63TsULxHAAAG/rll1+uOb1Zs2a3KRMAAHAz6NMBALj7UDwHAMCGWrRoYdVmMpnM/2d8VAAA7gz06QAA3H3sbJ0AAAD3srNnz1o8Tp48qRUrVqhBgwb6+eefbZ0eAADIJ/p0AAAKzjHtskZ//KZm/bFVpsuXbZ2OFa48BwDAhry9va3aHnnkETk5OSkqKkpxcXE2yAoAABQUfToAAAVnMgzVOLRbknQoK8vG2Vgr8JXnAQEBGjNmjBISEm5FPgAAQFKpUqW0b98+W6cBAABuEn06AAB3rgJfeT506FBFR0drzJgxatmypfr27avHH39czs7OtyI/AADuajt27LB4bhiGjh8/rvfee0916tSxTVIAAKDA6NMBALj73FDxfOjQodq2bZuio6M1aNAgvfDCC+rWrZv69OmjevXq3Yo8AQC4K9WpU0cmk0mGYVi0N27cWHPmzLFRVgAAoKDo0wEAuPvc8Jjn9erVU7169TRhwgTNmDFDr7zyimbOnKmaNWtq8ODB6t27t8WdxQEAgLXDhw9bPLezs5Ovr69cXFxslBEAALgR9OkAANx9brh4np6eriVLlmju3LmKiYlR48aN1bdvX/3zzz967bXXtGrVKi1YsKAwcwUA4K5ToUIFW6cAAAAKAX06AAB3nwIXz7dt26a5c+fqq6++kp2dnXr06KFJkyapWrVq5pjHH39cDRo0KNREAQC4W61fv14ffvih/vzzT0lSUFCQhg8froceesjGmQEAgIKgTwcAoOAuOzrLyEy3dRq5sivoDA0aNND+/fs1c+ZM/fvvv/rwww8tCueSFBgYqC5duhRakgAA3K2+/PJLhYaGys3NTYMHD9bgwYPl6uqqVq1a8QsuAADuIPTpAAAUXJqzq7q//ZWaNX1YhpubrdOxUuArzw8dOnTdn6O5u7tr7ty5N5wUAAD3infeeUfjx4/XsGHDzG2DBw/WxIkTNXbsWHXr1s2G2QEAgPyiTwcA4O5T4CvPT548qd9//92q/ffff9fWrVsLJSkAAO4Vhw4dUocOHazaH330UasbjwEAgKKLPh0AgLtPgYvnEREROnr0qFX7v//+q4iIiEJJCgCAe0W5cuW0evVqq/ZVq1apXLlyNsgIAADcCPp0AAAKziE9VSPmvq1Ju7bLlJpq63SsFHjYlj179qhevXpW7XXr1tWePXsKJSkAAO4VL774ogYPHqz4+Hg1adJEkvTbb78pOjpaU6ZMsXF2AAAgv+jTAQAoOLusLNXbu02SdCgz08bZWCtw8dzZ2VknTpzQ/fffb9F+/PhxOTgUeHEAANzTBg4cKH9/f02YMEHffPONJKl69epauHChHnvsMRtnBwAA8os+HQCAu0+Bq92tW7fWiBEj9P3338vb21uSdO7cOb322mt65JFHCj1BAADudo8//rgef/xxW6cBAABuEn06AAB3lwKPef7hhx/q6NGjqlChglq2bKmWLVsqMDBQiYmJmjBhwq3IEQCAu87Zs2c1depUJScnW01LSkrKcxoAACha6NMBALh7Fbh4ft9992nHjh0aP368goKCFBwcrClTpmjnzp3cBAUAgHyaNm2afvnlF3l5eVlN8/b21q+//qqpU6faIDMAAFAQ9OkAANy9Clw8lyR3d3f1799f06dP14cffqgePXrI0dGxsHMDAOCu9d1332nAgAF5Tn/++ef17bff3saMAADAjaBPBwDg7nXDd/jcs2ePEhISlJaWZtH+6KOP3nRSAADc7Q4ePKjKlSvnOb1y5co6ePDgbcwIAADcCPp0AADuXgUunh86dEiPP/64du7cKZPJJMMwJEkmk0mSlJmZWbgZAgBwF7K3t9exY8dUvnz5XKcfO3ZMdnY39AMxAABwG9GnAwBw49KcXdX5/cU6snyGvnZzs3U6Vgrcgw8ZMkSBgYE6efKk3NzctHv3bv3yyy+qX7++1q1bdwtSBADg7lO3bl0tXbo0z+lLlixR3bp1b19CAADghtCnAwBw9yrwleexsbFas2aNSpYsKTs7O9nZ2alp06YaN26cBg8erO3bt9+KPAEAuKtERkaqS5cuKlu2rAYOHCh7e3tJV37BNWPGDE2aNEkLFiywcZYAAOB66NMBALh7Fbh4npmZKU9PT0lSyZIldezYMVWtWlUVKlTQvn37Cj1BAADuRp06ddLLL7+swYMH6/XXX9f9998v6crwaBcuXNDw4cP15JNP2jhLAABwPfTpAADcOIf0VEV9+YFSjh+UKTXV1ulYKXDx/IEHHtAff/yhwMBANWrUSOPHj5eTk5M++eQT804CAAC4vnfeeUePPfaY5s+frwMHDsgwDDVv3lzdunVTw4YNbZ0eAADIJ/p0AABujF1WlkJ2xkqSDhXBe2kWuHj+xhtvKCUlRZI0ZswYtW/fXg899JB8fHy0cOHCQk8QAIC7WcOGDTmoBgDgLkCfDgDA3afAxfOwsDDz/ytVqqS9e/fqzJkzKl68uEwmU6EmBwAAAAAAAACALdgVJDg9PV0ODg7atWuXRXuJEiUonAMAAAAAAAAA7hoFKp47OjqqfPnyyiyC488AAAAAAAAAAFBYClQ8l6TXX39dr732ms6cOXMr8gEAAAAAAAAAwOYKPOb5tGnTdODAAZUpU0YVKlSQu7u7xfRt27YVWnIAANwLMjIytG7dOh08eFDdunWTp6enjh07Ji8vL3l4eNg6PQAAkE/06QAA3F0KXDzv2LHjLUgDAIB7099//602bdooISFBqampeuSRR+Tp6an3339fqampmjVrlq1TBAAA+UCfDgBAwaU5uejZsQv094pPFe3qaut0rBS4eD5q1KhbkQcAAPekIUOGqH79+vrjjz/k4+Njbn/88cfVr18/G2YGAAAKgj4dAIAbYDIp1clFl+3tJZPJ1tlYKXDxHAAAFJ5ff/1VGzdulJOTk0V7QECA/v33XxtlBQAACoo+HQCAu0+Bi+d2dnYyXeMsQGZm5k0lBADAvSQrKyvXvvOff/6Rp6enDTICAAA3gj4dAICCc0hPU8Q3U3Xhn71Saqqt07FS4OL5kiVLLJ6np6dr+/btmjdvnt56661CSwwAgHtB69atNXnyZH3yySeSJJPJpAsXLmjUqFFq166djbMDAAD5RZ8OAEDB2WVlqkXcWknSoSJ4UXaBi+ePPfaYVduTTz6pGjVqaOHCherbt2+hJAYAwL1gwoQJCgsLU1BQkC5fvqxu3bpp//79KlmypL766itbpwcAAPKJPh0AgLtPoY153rhxY/Xv37+wFgcAwD2hbNmy+uOPP/T1119rx44dunDhgvr27atnnnlGrkXwTuMAACB39OkAANx9CqV4funSJX300Ue67777CmNxAADcUxwcHPTss8/aOg0AAHCT6NMBALi7FLh4Xrx4cYsbhhqGofPnz8vNzU1ffvlloSYHAMDd6Icffsh37KOPPnoLMwEAADeDPh0AgLtbgYvnkyZN+n/t3XlcFWX///E3+6ICKgpSiGvuSy4hlqnpLS6ZprepmZp5a7dJaZSa3eZaaZZrmZa5ZLdleldmZhS5L2RJorlkLphWoKUiLsl6/f7wx3w9B1RQ5AC+no/HPB6cua6Z+Vwzw7nmfGbOdWyS587OzipXrpxCQ0NVunTpfA0OAIDiqGvXrrmq5+TkpIxC+IMpAADgMvp0AACKtzwnzx9//PFbEAYAALePzMxMR4cAAADyAX06AADFm3NeF1i0aJFWrFiRbf6KFSv0/vvv50tQAAAAAAAAAIDiLdXdUwNfWqR/NLtfphD+wHaek+eTJ0+Wv79/tvnly5fXq6++mi9BAQBwO1m7dq0efPBBVa1aVVWrVtWDDz6ob7/91tFhAQCAPKJPBwAgj5yclFzSV0nu7tIVQ4UXFnlOnh87dkyVK1fONj8kJETHjh3Ll6AAALhdvP3222rfvr1KlSqlYcOGadiwYfLx8VHHjh01Z84cR4cHAAByiT4dAIDiJ89jnpcvX167d+9WpUqVbObv2rVLZcuWza+4AAC4Lbz66quaMWOGIiIirHnPPPOM7r33Xr366qsaOnSoA6MDAAC5RZ8OAEDeuaalauDKd3Xu6M9SSoqjw8kmz0+e9+7dW88884zWr1+vjIwMZWRkaN26dRo2bJh69ep1K2IEAKDYSkpKUvv27bPNb9eunc6ePeuAiAAAwI2gTwcAIO+cMzPUPiZKPRJ+k1NGhqPDySbPyfNJkyYpNDRUbdq0kZeXl7y8vNSuXTs98MADjHkOAEAePfTQQ/rss8+yzf/888/14IMPOiAiAABwI+jTAQAofvI8bIu7u7s+/vhjvfzyy4qLi5OXl5fq1aunkJCQWxEfAADFWu3atfXKK69ow4YNCgsLkyR999132rp1q5577jnNnj3bqvvMM884KkwAAHAd9OkAABQ/eU6eZ6levbqqV6+en7EAAHDbWbBggUqXLq19+/Zp37591nw/Pz8tWLDAeu3k5MQHbQAACjH6dAAAip88J8+7d++ue+65R6NGjbKZP3XqVP3www9asWJFvgUHAEBxFx8f7+gQAABAPqBPBwCg+MnzmOebNm1Sx44ds83v0KGDNm3alC9BAQAAAAAAAADgSHl+8vz8+fNyd3fPNt/NzU3Jycn5EhQAALcLY4z+97//af369Tp58qQyMzNtyj/99FMHRQYAAPKCPh0AgOInz0+e16tXTx9//HG2+cuWLVPt2rXzJSgAAG4Xw4cPV9++fRUfH6+SJUvK19fXZgIAAEUDfToAAHmX5uahp0bN00P33Cvj6enocLLJ85PnL730krp166bDhw/rgQcekCStXbtWH374of73v//le4AAABRnH3zwgT799NMch0QDAABFB306AAB5Z5yd9WeZ8krw9JKc8/yc9y2X5+R5586dtXLlSr366qv63//+Jy8vLzVo0EDr1q1TmTJlbkWMAAAUW76+vqpSpYqjwwAAADeJPh0AgOLnhtL5nTp10tatW3XhwgUdOXJEjzzyiJ5//nk1aNAgv+MDAKBYGz9+vCZMmKC///7b0aEAAICbkJ99+qZNm9S5c2cFBQXJyclJK1eutCl//PHH5eTkZDO1b9/eps7p06fVp08f+fj4yM/PTwMHDtT58+dt6uzevVstWrSQp6engoODNXXq1GyxrFixQjVr1pSnp6fq1aunNWvW2JQbYzR27FhVqFBBXl5eatu2rQ4ePHjT+wAAcHtwSU9T3y/f1zNHDkqpqY4OJ5sbfhZ+06ZN6t+/v4KCgjRt2jQ98MAD+u677/IzNgAAir1HHnlEZ86cUfny5VWvXj01atTIZgIAAEVDfvbpFy5cUIMGDTRnzpyr1mnfvr0SEhKs6aOPPrIp79Onj/bu3avo6GitXr1amzZt0uDBg63y5ORktWvXTiEhIYqNjdXrr7+u8ePH691337XqbNu2Tb1799bAgQO1c+dOde3aVV27dtWePXusOlOnTtXs2bM1b948bd++XSVKlFB4eLguXbqUpzYDAG5PLhnpemjT5+r7269ySk93dDjZ5GnYlsTERC1evFgLFixQcnKyHnnkEaWkpGjlypX8WCgAADegf//+io2N1WOPPaaAgAA5OTk5OiQAAHAD8rNP79Chgzp06HDNOh4eHgoMDMyxbP/+/YqKitIPP/ygJk2aSJLefPNNdezYUW+88YaCgoK0dOlSpaamauHChXJ3d1edOnUUFxen6dOnW0n2WbNmqX379hoxYoQkadKkSYqOjtZbb72lefPmyRijmTNnasyYMerSpYskacmSJQoICNDKlSvVq1evG94HAAAUBrlOnnfu3FmbNm1Sp06dNHPmTLVv314uLi6aN2/erYwPAIBi7csvv9TXX3+t++67z9GhAACAm1DQffqGDRtUvnx5lS5dWg888IBefvlllS1bVpIUExMjPz8/K3EuSW3btpWzs7O2b9+uhx9+WDExMbr//vvl7u5u1QkPD9drr72mM2fOqHTp0oqJiVFkZKTNdsPDw61hZOLj45WYmKi2bdta5b6+vgoNDVVMTAzJcwBAkZfr5PlXX32lZ555RkOGDFH16tVvZUwAANw2goOD5ePj4+gwAADATSrIPr19+/bq1q2bKleurMOHD+vFF19Uhw4dFBMTIxcXFyUmJqp8+fI2y7i6uqpMmTJKTEyUdPmb5ZUrV7apExAQYJWVLl1aiYmJ1rwr61y5jiuXy6lOTlJSUpSSkmK9Tk5OzkvzAQAoMLke83zLli06d+6cGjdurNDQUL311lv666+/bmVsAAAUe9OmTdPIkSN19OhRR4cCAABuQkH26b169dJDDz2kevXqqWvXrlq9erV++OEHbdiw4ZZvOz9MnjxZvr6+1hQcHOzokAAAyFGuk+fNmjXT/PnzlZCQoCeffFLLli1TUFCQMjMzFR0drXPnzt3KOAEAKJYee+wxrV+/XlWrVlWpUqVUpkwZmwkAABQNjuzTq1SpIn9/fx06dEiSFBgYqJMnT9rUSU9P1+nTp61x0gMDA3XixAmbOlmvr1fnyvIrl8upTk5Gjx6ts2fPWtPx48fz1F4AAApKnn4wVJJKlCihJ554Qk888YQOHDigBQsWaMqUKXrhhRf0j3/8Q6tWrboVcQIAUCzNnDnT0SEAAIB84Mg+/bffftOpU6dUoUIFSVJYWJiSkpIUGxurxo0bS5LWrVunzMxMhYaGWnX+85//KC0tTW5ubpKk6Oho1ahRQ6VLl7bqrF27VsOHD7e2FR0drbCwMElS5cqVFRgYqLVr16phw4aSLg/Bsn37dg0ZMuSq8Xp4eMjDwyNf9wEAALdCnpPnV6pRo4amTp2qyZMn64svvtDChQvzKy4AAG4L/fv3d3QIAAAgH+Rnn37+/HnrKXLp8g9zxsXFWU+xT5gwQd27d1dgYKAOHz6skSNHqlq1agoPD5ck1apVS+3bt9egQYM0b948paWlKSIiQr169VJQUJAk6dFHH9WECRM0cOBAjRo1Snv27NGsWbM0Y8YMa7vDhg1Ty5YtNW3aNHXq1EnLli3Tjh079O6770qSnJycNHz4cL388suqXr26KleurJdeeklBQUHq2rVrvu0PAEDxlebmoWefnak/Ni3Tq56ejg4nm5tKnmdxcXFR165d6RwBALgJly5dUmpqqs08fkwUAICi52b79B07dqh169bW68jISEmXE/Rz587V7t279f777yspKUlBQUFq166dJk2aZPM099KlSxUREaE2bdrI2dlZ3bt31+zZs61yX19fffPNNxo6dKgaN24sf39/jR07VoMHD7bqNG/eXB9++KHGjBmjF198UdWrV9fKlStVt25dq87IkSN14cIFDR48WElJSbrvvvsUFRUlz0KYAAEAFD7G2Vm/BVbU0RIlJedcjzBeYPIleQ4AAG7MhQsXNGrUKC1fvlynTp3KVp6RkeGAqAAAQF7lZ5/eqlUrGWOuWv71119fdx1lypTRhx9+eM069evX1+bNm69Zp0ePHurRo8dVy52cnDRx4kRNnDjxujEBAFDUFL50PgAAt5GRI0dq3bp1mjt3rjw8PPTee+9pwoQJCgoK0pIlSxwdHgAAyCX6dAAA8s4lPU09opdp0NHDkt23tgoDnjwHAMCBvvjiCy1ZskStWrXSgAED1KJFC1WrVk0hISFaunSp+vTp4+gQAQBALtCnAwCQdy4Z6Xrk2+WSpCPp6Q6OJjuePAcAwIFOnz6tKlWqSLo8Furp06clSffdd582bdrkyNAAAEAe0KcDAFD8kDwHAMCBqlSpovj4eElSzZo1tXz55TvuX3zxhfz8/BwYGQAAyAv6dAAAih+S5wAAONCAAQO0a9cuSdILL7ygOXPmyNPTU88++6xGjBjh4OgAAEBu0acDAFD8MOY5AAAO9Oyzz1p/t23bVvv379ePP/6oatWqqX79+g6MDAAA5AV9OgAAxQ/JcwAACpFKlSqpUqVKjg4DAADcJPp0AACKPoZtAQDAAWJiYrR69WqbeUuWLFHlypVVvnx5DR48WCkpKQ6KDgAA5BZ9OgAAxRfJcwAAHGDixInau3ev9fqnn37SwIED1bZtW73wwgv64osvNHnyZAdGCAAAcoM+HQCAG5fm5q4XIl5T/7ubynh4ODqcbEieAwDgAHFxcWrTpo31etmyZQoNDdX8+fMVGRmp2bNna/ny5Q6MEAAA5AZ9OgAAN844u+hwcHXtK+Urubg4OpxsSJ4DAOAAZ86cUUBAgPV648aN6tChg/W6adOmOn78uCNCAwAAeUCfDgBA8VUokudz5sxRpUqV5OnpqdDQUH3//fe5Wm7ZsmVycnJS165db22AAADks4CAAMXHx0uSUlNT9eOPP6pZs2ZW+blz5+Tm5uao8AAAQC7RpwMAcONc0tP00MaVeuz4USk11dHhZOPw5PnHH3+syMhIjRs3Tj/++KMaNGig8PBwnTx58prLHT16VM8//7xatGhRQJECAJB/OnbsqBdeeEGbN2/W6NGj5e3tbdOn7d69W1WrVs3TOjdt2qTOnTsrKChITk5OWrlypU25MUZjx45VhQoV5OXlpbZt2+rgwYM2dU6fPq0+ffrIx8dHfn5+GjhwoM6fP29TZ/fu3WrRooU8PT0VHBysqVOnZotlxYoVqlmzpjw9PVWvXj2tWbMmz7EAAFAU3Io+HQCA24VLRrr6rlmiYfGH5JSe7uhwsnF48nz69OkaNGiQBgwYoNq1a2vevHny9vbWwoULr7pMRkaG+vTpowkTJqhKlSoFGC0AAPlj0qRJcnV1VcuWLTV//nzNnz9f7u7uVvnChQvVrl27PK3zwoULatCggebMmZNj+dSpUzV79mzNmzdP27dvV4kSJRQeHq5Lly5Zdfr06aO9e/cqOjpaq1ev1qZNmzR48GCrPDk5We3atVNISIhiY2P1+uuva/z48Xr33XetOtu2bVPv3r01cOBA7dy5U127dlXXrl21Z8+ePMUCAEBRcCv6dAAAUDi4OnLjqampio2N1ejRo615zs7Oatu2rWJiYq663MSJE1W+fHkNHDhQmzdvLohQAQDIV/7+/tq0aZPOnj2rkiVLysXuh1FWrFihkiVL5mmdHTp0sBlj9UrGGM2cOVNjxoxRly5dJElLlixRQECAVq5cqV69emn//v2KiorSDz/8oCZNmkiS3nzzTXXs2FFvvPGGgoKCtHTpUqWmpmrhwoVyd3dXnTp1FBcXp+nTp1tJ9lmzZql9+/YaMWKEpMtJhejoaL311luaN29ermIBAKCouBV9OgAAKBwc+uT5X3/9pYyMDJsfV5EujxmXmJiY4zJbtmzRggULNH/+/FxtIyUlRcnJyTYTAACFha+vb7YP2ZJUpkwZm6fWblZ8fLwSExPVtm1bm22HhoZaN6xjYmLk5+dnJc4lqW3btnJ2dtb27dutOvfff79NbOHh4Tpw4IDOnDlj1blyO1l1sraTm1hyQp8OACjMCqpPBwAABcfhw7bkxblz59S3b1/Nnz9f/v7+uVpm8uTJ8vX1tabg4OBbHCUAAIVP1k3pa92wTkxMVPny5W3KXV1dVaZMGZs6Oa3jym1crc6V5deLJSf06QAAAACAguTQ5Lm/v79cXFx04sQJm/knTpxQYGBgtvqHDx/W0aNH1blzZ7m6usrV1VVLlizRqlWr5OrqqsOHD2dbZvTo0Tp79qw1HT9+/Ja1BwAA3Dr06QAAAACAguTQ5Lm7u7saN26stWvXWvMyMzO1du1ahYWFZatfs2ZN/fTTT4qLi7Omhx56SK1bt1ZcXFyOT6B5eHjIx8fHZgIA4HaTdVP6WjesAwMDdfLkSZvy9PR0nT592qZOTuu4chtXq3Nl+fViyQl9OgAAAACgIDl82JbIyEjNnz9f77//vvbv368hQ4bowoULGjBggCSpX79+1g+Kenp6qm7dujaTn5+fSpUqpbp16zKOHAAAV1G5cmUFBgba3LBOTk7W9u3brRvWYWFhSkpKUmxsrFVn3bp1yszMVGhoqFVn06ZNSktLs+pER0erRo0aKl26tFXnyu1k1cnaTm5iAQAAAAAUf2lu7ho3eKKerN9IxsPD0eFk4+roAHr27Kk///xTY8eOVWJioho2bKioqChrHNRjx47J2dnhOX4AAAq98+fP69ChQ9br+Ph4xcXFqUyZMqpYsaKGDx+ul19+WdWrV1flypX10ksvKSgoSF27dpUk1apVS+3bt9egQYM0b948paWlKSIiQr169VJQUJAk6dFHH9WECRM0cOBAjRo1Snv27NGsWbM0Y8YMa7vDhg1Ty5YtNW3aNHXq1EnLli3Tjh079O6770qSnJycrhsLAAAAAKD4M84u2le1ro7+vEnK4Ye3Hc3hyXNJioiIUERERI5lGzZsuOayixcvzv+AAAAognbs2KHWrVtbryMjIyVJ/fv31+LFizVy5EhduHBBgwcPVlJSku677z5FRUXJ09PTWmbp0qWKiIhQmzZt5OzsrO7du2v27NlWua+vr7755hsNHTpUjRs3lr+/v8aOHavBgwdbdZo3b64PP/xQY8aM0Ysvvqjq1atr5cqVqlu3rlUnN7EAAAAAAOBIhSJ5DgAAbl6rVq1kjLlquZOTkyZOnKiJEydetU6ZMmX04YcfXnM79evX1+bNm69Zp0ePHurRo8dNxQIAAAAAKN5c0tMVvu0rnf7juHTF8KCFBclzAAAAAAAAAECBc8lI078+ny9JOlIIk+cMJg4AAAAAAAAAgB2S5wAAAAAAAAAA2CF5DgAAAAAAAACAHZLnAAAAAAAAAADYIXkOAAAAAAAAAIAdkucAAAAAAAAAANgheQ4AAAAAAAAAKHDprm6a/PiLGl6noYy7u6PDyYbkOQAAAAAAAACgwGW6uOrHWk20tay/5Orq6HCyIXkOAAAAAAAAAICdwpfOBwAAAAAAAAAUey7p6Wq1Y53+SvxDSktzdDjZkDwHAAAAAAAAABQ4l4w0DV3xliTpSCFMnjNsCwAAAAAAAAAAdkieAwAAAAAAAABgh+Q5AAAAAAAAAAB2SJ4DAAAAAAAAAGCH5DkAAAAAAAAAAHZIngMAAAAAAAAAYIfkOQAAAAAAAACgwKW7umlan+f1Qq16Mu7ujg4nG5LnAAAAAAAAAIACl+niqu/qN9facgGSq6ujw8mG5DkAAAAAAAAAAHYKXzofAAAAAAAAAFDsOWekq9nubar65wkpPd3R4WRD8hwAAAAAAAAAUOBc09P03NI3JElHUlMdHE12DNsCAAAAAAAAAIAdkucAAAAAAAAAANgheQ4AAAAAAAAAgB2S5wAAAAAAAAAA2CF5DgAAAAAAAACAHZLnAAAAAAAAAADYIXkOAAAAAAAAAChwGS5umtMjQhPuqi3j5ubocLIheQ4AAAAAAAAAKHAZrq7a0OQBrQ4MkkieAwAAAAAAAABQ+Lk6OgAAAAAAAAAAwO3HOSNdjfbv0B2n/pLS0x0dTjYkzwEAAAAAAAAABc41PU2jF78qSTqSmurgaLJj2BYAAAAAAAAAAOyQPAcAAAAAAAAAwA7JcwAAAAAAAAAA7JA8BwAAAAAAAADADslzAAAAAAAAAADskDwHAAAAAAAAAMAOyXMAAAAAAAAAQIHLcHHTe10GaWq1GjJubo4OJxuS5wAAAAAAFCKbNm1S586dFRQUJCcnJ61cudKm3BijsWPHqkKFCvLy8lLbtm118OBBmzqnT59Wnz595OPjIz8/Pw0cOFDnz5+3qbN79261aNFCnp6eCg4O1tSpU7PFsmLFCtWsWVOenp6qV6+e1qxZk+dYAAC4mgxXV33dvINWBAVLJM8BAAAAAMC1XLhwQQ0aNNCcOXNyLJ86dapmz56tefPmafv27SpRooTCw8N16dIlq06fPn20d+9eRUdHa/Xq1dq0aZMGDx5slScnJ6tdu3YKCQlRbGysXn/9dY0fP17vvvuuVWfbtm3q3bu3Bg4cqJ07d6pr167q2rWr9uzZk6dYAAAoqlwdHQAAAAAAAPg/HTp0UIcOHXIsM8Zo5syZGjNmjLp06SJJWrJkiQICArRy5Ur16tVL+/fvV1RUlH744Qc1adJEkvTmm2+qY8eOeuONNxQUFKSlS5cqNTVVCxculLu7u+rUqaO4uDhNnz7dSrLPmjVL7du314gRIyRJkyZNUnR0tN566y3NmzcvV7EAAHAtTpkZqn14j8oknZYyMhwdTjY8eQ4AAAAAQBERHx+vxMREtW3b1prn6+ur0NBQxcTESJJiYmLk5+dnJc4lqW3btnJ2dtb27dutOvfff7/c3d2tOuHh4Tpw4IDOnDlj1blyO1l1sraTm1hykpKSouTkZJsJAHB7cktL1YR3x+qd3T/KKSXF0eFkQ/IcAAAAAIAiIjExUZIUEBBgMz8gIMAqS0xMVPny5W3KXV1dVaZMGZs6Oa3jym1crc6V5deLJSeTJ0+Wr6+vNQUHB1+n1QAAOAbJcwAAAAAAUGBGjx6ts2fPWtPx48cdHRIAADkieQ4AAAAAQBERGBgoSTpx4oTN/BMnTlhlgYGBOnnypE15enq6Tp8+bVMnp3VcuY2r1bmy/Hqx5MTDw0M+Pj42EwAAhRHJcwAAAAAAiojKlSsrMDBQa9euteYlJydr+/btCgsLkySFhYUpKSlJsbGxVp1169YpMzNToaGhVp1NmzYpLS3NqhMdHa0aNWqodOnSVp0rt5NVJ2s7uYkFAICijOQ5AAAAAACFyPnz5xUXF6e4uDhJl3+YMy4uTseOHZOTk5OGDx+ul19+WatWrdJPP/2kfv36KSgoSF27dpUk1apVS+3bt9egQYP0/fffa+vWrYqIiFCvXr0UFBQkSXr00Ufl7u6ugQMHau/evfr44481a9YsRUZGWnEMGzZMUVFRmjZtmn7++WeNHz9eO3bsUEREhCTlKhYAAIoyV0cHAAAAAAAA/s+OHTvUunVr63VWQrt///5avHixRo4cqQsXLmjw4MFKSkrSfffdp6ioKHl6elrLLF26VBEREWrTpo2cnZ3VvXt3zZ492yr39fXVN998o6FDh6px48by9/fX2LFjNXjwYKtO8+bN9eGHH2rMmDF68cUXVb16da1cuVJ169a16uQmFgAAiiqS5wAAAAAAFCKtWrWSMeaq5U5OTpo4caImTpx41TplypTRhx9+eM3t1K9fX5s3b75mnR49eqhHjx43FQsAAFeT4eKqDzr20+n92/Sga+FLVRe+iAAAAAAAAAAAxV6Gq5tWteyqo+f/0IPu7o4OJxvGPAcAAAAAAAAAwA5PngMAAAAAAAAACpxTZoaqHj8o73NnpYwMR4eTDclzAAAAAAAAAECBc0tL1ZS3RkmSjqSkODia7Bi2BQAAAAAAAAAAOyTPAQAAAAAAAACwQ/IcAAAAAAAAAAA7JM8BAAAAAAAAALBD8hwAAAAAAAAAADskzwEAAAAAAAAAsEPyHAAAAAAAAABQ4DJcXLW87SN6t2JlGVdXR4eTTeGLCAAAAAAAAABQ7GW4umnFP3rpaOpptXF3d3Q42fDkOQAAAAAAAAAAdnjyHAAAAAAAAABQ4JwyM3Vn4jE5XzgvZWY6OpxsSJ4DAAAAAAAAAAqcW1qKZswYLkk6cumSY4PJAcO2AAAAAAAAAABgh+Q5AAAAAAAAAAB2SJ4DAAAAAAAAAGCH5DkAAAAAAAAAAHZIngMAAAAAAAAAYIfkOQAAAAAAAAAAdkieAwAAAAAAAAAKXIaLq1bd30Uf3Bki4+rq6HCyKXwRAQAAAAAAAACKvQxXN33Qqb+OfnlBzd3dHR1ONjx5DgAAAAAAAACAHZ48BwAAAAAAAAAUOKfMTJU7fVIpl/6WMjMdHU42JM8BAAAAAAAAAAXOLS1Fb7/2b0nSkUuXHBxNdgzbAgAAAAAAAACAHZLnAAAAAAAAAADYIXkOAAAAAAAAAIAdkucAAAAAAAAAANgheQ4AAAAAAAAAgB2S5wAAAAAAAAAA2CF5DgAAAAAAAAAocJnOLooKa68VFe6UcXFxdDjZkDwHAAAAAAAAABS4dDd3Leg6WFOr15Q8PBwdTjYkzwEAAAAAAAAAsEPyHAAAAAAAAABQ8IyRz/mz8ktNlYxxdDTZuDo6AAAAAAAAAADA7cc99ZLmThogSTry998Ojia7QvHk+Zw5c1SpUiV5enoqNDRU33///VXrzp8/Xy1atFDp0qVVunRptW3b9pr1AQAAAAAAAADIK4cnzz/++GNFRkZq3Lhx+vHHH9WgQQOFh4fr5MmTOdbfsGGDevfurfXr1ysmJkbBwcFq166dfv/99wKOHACAomf8+PFycnKymWrWrGmVX7p0SUOHDlXZsmVVsmRJde/eXSdOnLBZx7Fjx9SpUyd5e3urfPnyGjFihNLT023qbNiwQY0aNZKHh4eqVaumxYsXZ4slLzfPAQAAAAAoaA5Pnk+fPl2DBg3SgAEDVLt2bc2bN0/e3t5auHBhjvWXLl2qp556Sg0bNlTNmjX13nvvKTMzU2vXri3gyAEAKJrq1KmjhIQEa9qyZYtV9uyzz+qLL77QihUrtHHjRv3xxx/q1q2bVZ6RkaFOnTopNTVV27Zt0/vvv6/Fixdr7NixVp34+Hh16tRJrVu3VlxcnIYPH65//etf+vrrr606eb15DgAAAABAQXNo8jw1NVWxsbFq27atNc/Z2Vlt27ZVTExMrtZx8eJFpaWlqUyZMrcqTAAAihVXV1cFBgZak7+/vyTp7NmzWrBggaZPn64HHnhAjRs31qJFi7Rt2zZ99913kqRvvvlG+/bt03//+181bNhQHTp00KRJkzRnzhylpqZKkubNm6fKlStr2rRpqlWrliIiIvTPf/5TM2bMsGLI681zAAAAAAAKmkOT53/99ZcyMjIUEBBgMz8gIECJiYm5WseoUaMUFBRkk4C/UkpKipKTk20mAABuZwcPHlRQUJCqVKmiPn366NixY5Kk2NhYpaWl2fSpNWvWVMWKFa2b2jExMapXr55N3x0eHq7k5GTt3bvXqmPfL4eHh1vruNGb5/TpAAAAAICC5PBhW27GlClTtGzZMn322Wfy9PTMsc7kyZPl6+trTcHBwQUcJQAAhUdoaKgWL16sqKgozZ07V/Hx8WrRooXOnTunxMREubu7y8/Pz2aZK29qJyYm5njTO6vsWnWSk5P1999/3/DNc/p0AAAAAEBBcmjy3N/fXy4uLtl+iOzEiRMKDAy85rJvvPGGpkyZom+++Ub169e/ar3Ro0fr7Nmz1nT8+PF8iR0AgKKoQ4cO6tGjh+rXr6/w8HCtWbNGSUlJWr58uaNDuy76dAAAAAAoXjKdXbShcWutDqgg4+Li6HCycWjy3N3dXY0bN7b5sc+sH/8MCwu76nJTp07VpEmTFBUVpSZNmlxzGx4eHvLx8bGZAADAZX5+frrrrrt06NAhBQYGKjU1VUlJSTZ1rrypHRgYmONN76yya9Xx8fGRl5fXDd88p08HAAAAgOIl3c1dcx55WhNq1JE8PBwdTjYOH7YlMjJS8+fP1/vvv6/9+/dryJAhunDhggYMGCBJ6tevn0aPHm3Vf+211/TSSy9p4cKFqlSpkhITE5WYmKjz5887qgkAABRZ58+f1+HDh1WhQgU1btxYbm5uNje1Dxw4oGPHjlk3tcPCwvTTTz/p5MmTVp3o6Gj5+Piodu3aVp0r15FVJ2sdN3rzHAAAAACAguTq6AB69uypP//8U2PHjlViYqIaNmyoqKgoaxzUY8eOydn5/3L8c+fOVWpqqv75z3/arGfcuHEaP358QYYOAECR8/zzz6tz584KCQnRH3/8oXHjxsnFxUW9e/eWr6+vBg4cqMjISJUpU0Y+Pj56+umnFRYWpmbNmkmS2rVrp9q1a6tv376aOnWqEhMTNWbMGA0dOlQe//8pgX//+9966623NHLkSD3xxBNat26dli9fri+//NKKIzIyUv3791eTJk10zz33aObMmTY3zwEAAAAAtwFj5JF6SZ4ZGZIxjo4mG4cnzyUpIiJCEREROZZt2LDB5vXRo0dvfUAAABRTv/32m3r37q1Tp06pXLlyuu+++/Tdd9+pXLlykqQZM2bI2dlZ3bt3V0pKisLDw/X2229by7u4uGj16tUaMmSIwsLCVKJECfXv318TJ0606lSuXFlffvmlnn32Wc2aNUt33nmn3nvvPYWHh1t1rnfzHAAAAABQ/LmnXtKClx6VJB35+28HR5NdoUieAwCAgrFs2bJrlnt6emrOnDmaM2fOVeuEhIRozZo111xPq1attHPnzmvWudbNcwAAAAAAHM3hY54DAAAAAAAAAFDYkDwHAAAAAAAAAMAOyXMAAAAAAAAAAOyQPAcAAAAAAAAAwA7JcwAAAAAAAAAA7Lg6OgAAAAAAAAAAwO0n09lZMfXCdCHhsKq4uDg6nGx48hwAAAAAAAAAUODS3Tw0/bERGl27voyHh6PDyYbkOQAAAAAAAAAAdkieAwAAAAAAAABghzHPAQAAAAAAAAAFzj3lb60Y1U2SdOTiRQdHkx1PngMAAAAAAAAAYIfkOQAAAAAAAAAAdkieAwAAAAAAAABgh+Q5AAAAAAAAAAB2SJ4DAAAAAAAAAGCH5DkAAAAAAEXM+PHj5eTkZDPVrFnTKr906ZKGDh2qsmXLqmTJkurevbtOnDhhs45jx46pU6dO8vb2Vvny5TVixAilp6fb1NmwYYMaNWokDw8PVatWTYsXL84Wy5w5c1SpUiV5enoqNDRU33///S1pMwAABY3kOQAAAAAARVCdOnWUkJBgTVu2bLHKnn32WX3xxRdasWKFNm7cqD/++EPdunWzyjMyMtSpUyelpqZq27Ztev/997V48WKNHTvWqhMfH69OnTqpdevWiouL0/Dhw/Wvf/1LX3/9tVXn448/VmRkpMaNG6cff/xRDRo0UHh4uE6ePFkwOwEAUKRlOjvrx5qNtKVMWcnFxdHhZEPyHAAAAACAIsjV1VWBgYHW5O/vL0k6e/asFixYoOnTp+uBBx5Q48aNtWjRIm3btk3fffedJOmbb77Rvn379N///lcNGzZUhw4dNGnSJM2ZM0epqamSpHnz5qly5cqaNm2aatWqpYiICP3zn//UjBkzrBimT5+uQYMGacCAAapdu7bmzZsnb29vLVy4sOB3CACgyEl389DkAWP0bN27ZTw8HB1ONiTPAQAAAAAogg4ePKigoCBVqVJFffr00bFjxyRJsbGxSktLU9u2ba26NWvWVMWKFRUTEyNJiomJUb169RQQEGDVCQ8PV3Jysvbu3WvVuXIdWXWy1pGamqrY2FibOs7Ozmrbtq1VJycpKSlKTk62mQAAKIxIngMAAAAAUMSEhoZq8eLFioqK0ty5cxUfH68WLVro3LlzSkxMlLu7u/z8/GyWCQgIUGJioiQpMTHRJnGeVZ5Vdq06ycnJ+vvvv/XXX38pIyMjxzpZ68jJ5MmT5evra03BwcE3tA8AALjVXB0dAAAAAAAAyJsOHTpYf9evX1+hoaEKCQnR8uXL5eXl5cDIrm/06NGKjIy0XicnJ5NAB4DblHvK3/pgTG+ZjDQlXLzo6HCy4clzAAAAAACKOD8/P9111106dOiQAgMDlZqaqqSkJJs6J06cUGBgoCQpMDBQJ06cyFaeVXatOj4+PvLy8pK/v79cXFxyrJO1jpx4eHjIx8fHZgIA3L4801LklZnp6DByxJPnAAAAAIBCa+DiH65atuDxpgUYSeF2/vx5HT58WH379lXjxo3l5uamtWvXqnv37pKkAwcO6NixYwoLC5MkhYWF6ZVXXtHJkydVvnx5SVJ0dLR8fHxUu3Ztq86aNWtsthMdHW2tw93dXY0bN9batWvVtWtXSVJmZqbWrl2riIiIgmg2AAC3FE+eAwAAAABQxDz//PPauHGjjh49qm3btunhhx+Wi4uLevfuLV9fXw0cOFCRkZFav369YmNjNWDAAIWFhalZs2aSpHbt2ql27drq27evdu3apa+//lpjxozR0KFD5eHhIUn697//rSNHjmjkyJH6+eef9fbbb2v58uV69tlnrTgiIyM1f/58vf/++9q/f7+GDBmiCxcuaMCAAQ7ZLwAA5CeePAcAAAAAoIj57bff1Lt3b506dUrlypXTfffdp++++07lypWTJM2YMUPOzs7q3r27UlJSFB4errffftta3sXFRatXr9aQIUMUFhamEiVKqH///po4caJVp3Llyvryyy/17LPPatasWbrzzjv13nvvKTw83KrTs2dP/fnnnxo7dqwSExPVsGFDRUVFZfsRUQAAiiKS5wAAAAAAFDHLli27Zrmnp6fmzJmjOXPmXLVOSEhItmFZ7LVq1Uo7d+68Zp2IiAiGaQEAFEsM2wIAAAAAAAAAgB2ePAcAAAAAAAAAFDjj5KS9Vero0qnfVdq58D3nXfgiAgAAAAAAAAAUe2nunhr/5CT9u0ETGU9PR4eTDclzAAAAAAAAAADskDwHAAAAAAAAAMAOY54DAAAAAAAAAAqce8rfWjDxcWWk/q0zFy86OpxsSJ4DAAAAAAAAABzC50KyJOmMg+PICcO2AAAAAAAAAABgh+Q5AAAAAAAAAAB2SJ4DAAAAAAAAAGCH5DkAAAAAAAAAAHZIngMAAAAAAAAAYMfV0QEAAAAAAAAAAG4/xslJh+6sqtSkP+XpXPie8y58EQEAAAAAAAAAir00d0+Nfvp19W90j4ynp6PDyYbkOQAAAAAAAAAAdkieAwAAAAAAAABghzHPAQAAAAAAAAAFzj3lkuZMeVLpF8/p0t9/OzqcbEieAwAAAAAAAAAcwKj8mT8lSUeMcXAs2TFsCwAAAAAAAAAAdkieAwAAAAAAAABgh+Q5AAAAAAAAAAB2SJ4DAAAAAAAAAGCH5DkAAAAAAAAAAHZcHR0AAAAAAAAAAOB25KTj5YOVdv605OTk6GCy4clzAAAAAAAAAECBS/XwVORzs9SzSZiMl5ejw8mG5DkAAAAAAAAAAHZIngMAAAAAAAAAYIcxzwEAAAAAAAAABc495ZKmTxt2eczzv/92dDjZkDwHAAAAAAAAADiAUfDJ45KkI8Y4OJbsGLYFAAAAAAAAAAA7JM8BAAAAAAAAALBD8hwAAAAAAAAAADskzwEAAAAAAAAAsEPyHAAAAAAAAAAAO66ODgAAAAAAAAAAcDty0snS5ZR+8Zzk5OToYLLhyXMAAAAAAAAAQIFL9fDU0BfeUZfQ+2S8vBwdTjYkzwEAAAAAAAAAsEPyHAAAAAAAAAAAO4x5DgAAAAAAAAAocG6plzT5zRFKTfpTTpcuOTqcbEieAwAAAAAAAAAKnJMxqvbbYUnSkcxMB0eTHcO2AAAAAAAAAABgh+Q5AAAAAAAAAAB2SJ4DAAAAAAAAAGCH5DkAAAAAAAAAAHZIngMAAAAAAAAAYMfV0QEAAAAAAAAAAG5PySV8lJH6t6PDyBFPngMAAAAAAAAAClyqh5cGjl2sdmEtZby9HR1ONiTPAQAAAAAAAACwQ/IcAAAAAAAAAAA7jHkOAAAAAAAAAChwbqmXNP6dl3Tp1O9yunTJ0eFkQ/IcAAAAAAAAAFDgnIxRnSN7JUlHMjMdHE12DNsCAAAAAAAAAIAdkucAAAAAAAAAANgheQ4AAAAAAAAAgB2S5wAAAAAAAAAA2CF5DgAAAAAAAACAHVdHBwAAAAAAAAAAuD1dcvOQyUhzdBg54slzAAAAAAAAAECBS/XwUt+XP9L99z0g4+3t6HCyIXkOAAAAAAAAAIAdkucAAAAAAAAAANhhzHMAAIACNnDxD1ctW/B40wKMBMCtxv87AADA1bmmpWj0opd18eSvckpJcXQ42ZA8BwAAAAAAAAAUOOfMTDX6+UdJ0pGMDAdHkx3JcwAAAKAA8ARy0cLxAgAAQKFIns+ZM0evv/66EhMT1aBBA7355pu65557rlp/xYoVeumll3T06FFVr15dr732mjp27FiAEQMAgPyS1+sAAPkjv5LDRTHJXBRjBgo7+nMAQHHk8OT5xx9/rMjISM2bN0+hoaGaOXOmwsPDdeDAAZUvXz5b/W3btql3796aPHmyHnzwQX344Yfq2rWrfvzxR9WtW9cBLQAAADcqr9cBKNxISN682zmhDaDooj8HABRXDk+eT58+XYMGDdKAAQMkSfPmzdOXX36phQsX6oUXXshWf9asWWrfvr1GjBghSZo0aZKio6P11ltvad68eQUaOwAAuDl5vQ5A0UdSt2jheN2euImDvKI/BwAUVw5Nnqempio2NlajR4+25jk7O6tt27aKiYnJcZmYmBhFRkbazAsPD9fKlStvZagAACCf3ch1gKPlJhFU2JJOBRlzfsmvmIvi8SquCnL/3M7HgnMejlAU+3MAAHLLocnzv/76SxkZGQoICLCZHxAQoJ9//jnHZRITE3Osn5iYmGP9lJQUpaSkWK/Pnj0rSUpOTr6Z0C0Xz5/Ll/Xg1klOLlEwG7pYMJvBTcin//vruZR8qUC2gxuX7HLz50JWP2KMuel13a7yeh1wq/v01L/PX7UsaxuFrc7QpbFXrTOnT+Miu63CVqewtb2wxVOQ7Spsbc+veIpi2/OrTm7k13qutw769BtzI5/rb2Wffvr0aSUlJd30egAAN+b48eNKvXRJSQlHlXbp+skyj9RLynr3P3f+/E31BbekTzcO9PvvvxtJZtu2bTbzR4wYYe65554cl3FzczMffvihzbw5c+aY8uXL51h/3LhxRhITExMTE9MtmY4fP54/neJtKK/XAfTpTExMTEy3cqJPvzE38rmePp2JiYmJ6VZO+dmnO/TJc39/f7m4uOjEiRM280+cOKHAwMAclwkMDMxT/dGjR9sM85KZmanTp0+rbNmycnJyuskWFC/JyckKDg7W8ePH5ePj4+hw4ECcC8jCuXB1xhidO3dOQUFBjg6lyMrrdUBB9elF8bwn5oJBzAWDmAsGMf8f+vSbcyOf6x31Ob0onvdXU5zaIhWv9tCWwqs4tac4tUXKv/bcij7doclzd3d3NW7cWGvXrlXXrl0lXe40165dq4iIiByXCQsL09q1azV8+HBrXnR0tMLCwnKs7+HhIQ8PD5t5fn5++RF+seXj41Ms/vFw8zgXkIVzIWe+vr6ODqFIy+t1QEH36UXxvCfmgkHMBYOYCwYxX0affuNu5HO9oz+nF8Xz/mqKU1uk4tUe2lJ4Faf2FKe2SPnTnvzu0x2aPJekyMhI9e/fX02aNNE999yjmTNn6sKFC9avdPfr10933HGHJk+eLEkaNmyYWrZsqWnTpqlTp05atmyZduzYoXfffdeRzQAAADfgetcBAACg8KM/BwAUVw5Pnvfs2VN//vmnxo4dq8TERDVs2FBRUVHWj40cO3ZMzs7OVv3mzZvrww8/1JgxY/Tiiy+qevXqWrlyperWreuoJgAAgBt0vesAAABQ+NGfAwCKK4cnzyUpIiLiql/n2rBhQ7Z5PXr0UI8ePW5xVLcfDw8PjRs3LtvX53D74VxAFs4FFIRrXQc4QlE874m5YBBzwSDmgkHMyG+FrT/PSXE6h4pTW6Ti1R7aUngVp/YUp7ZIhbs9TsYY4+ggAAAAAAAAAAAoTJyvXwUAAAAAAAAAgNsLyXMAAAAAAAAAAOyQPL9NOTk5aeXKldes8/jjj6tr1665XufRo0fl5OSkuLi4m4qtqDPGaPDgwSpTpgz7owjI63nuKK1atdLw4cOt15UqVdLMmTNv6Tbt9419DDnJr7gKon0AAAAAAADXQvK8mMhrAjAhIUEdOnSQdPWk96xZs7R48eL8C7IYiYmJkYuLizp16pStLCoqSosXL9bq1auVkJCgunXr5upmxc3ITVKzuCvs++Dxxx+Xk5NTtunQoUP5vq2nn35atWrVyrHs2LFjcnFx0apVq/K83k8//VSTJk262fBsLF68WH5+ftnm//DDDxo8eHC+bgvIrTlz5qhSpUry9PRUaGiovv/+e0eHdFXjx4/P9r5Ss2ZNR4dlY9OmTercubOCgoJy7A+NMRo7dqwqVKggLy8vtW3bVgcPHnRMsP/f9WLO6T29ffv2jglW0uTJk9W0aVOVKlVK5cuXV9euXXXgwAGbOpcuXdLQoUNVtmxZlSxZUt27d9eJEyccFHHuYm7VqlW2/fzvf//bQRFLc+fOVf369eXj4yMfHx+FhYXpq6++ssoL2z6Wrh9zYdvHOZkyZYqcnJxsrvMK477GzctL/5uWlqaJEyeqatWq8vT0VIMGDRQVFWVT59y5cxo+fLhCQkLk5eWl5s2b64cffrCpc+LECT3++OMKCgqSt7e32rdvn2MfFBMTowceeEAlSpSQj4+P7r//fv39999WeaVKlbL9L5UuXbpQtSXrc39O04oVK6x6x44dU6dOneTt7a3y5ctrxIgRmj17dqE7NrltT07l5cqVK1RtkaTExET17dtXgYGBKlGihBo1aqRPPvnEps7p06fVp08f+fj4yM/PTwMHDtT06dML3bHJbXuKwv+NJB0+fFgPP/ywypUrJx8fHz3yyCPZ+hz7YxMWFqaQkJAi2ZacjkutWrWuel2ckw0bNqhRo0by8PBQtWrVcswtXu89Pzd9fU7vV+np6XmO5boMioX+/fubLl263NCy8fHxRpLZuXPnTcWQX+spCgYOHGiGDRtmSpYsaX7//XebsjfffNNUrFjRZp4k89lnn930dlNTU3Oc37JlSzNs2LCbXv/VpKSk3LJ155cb3Qc387+T1+20b9/eJCQk2Ezp6em5Wt6+fSEhIWbGjBk51t25c6eRZLZu3ZqtbMKECSYwMNCkpaXlKua87ptrxZWTRYsWGV9f3zxtA7iVli1bZtzd3c3ChQvN3r17zaBBg4yfn585ceKEo0PL0bhx40ydOnVs3lf+/PNPR4dlY82aNeY///mP+fTTT3PsD6dMmWJ8fX3NypUrza5du8xDDz1kKleubP7++2/HBGyuH3NO7+mnT592TLDGmPDwcLNo0SKzZ88eExcXZzp27GgqVqxozp8/b9X597//bYKDg83atWvNjh07TLNmzUzz5s0LdcwtW7Y0gwYNstnPZ8+edVjMq1atMl9++aX55ZdfzIEDB8yLL75o3NzczJ49e4wxhW8f5ybmwraP7X3//femUqVKpn79+jbXQYVxX+Pm5LX/HTlypAkKCjJffvmlOXz4sHn77beNp6en+fHHH606jzzyiKldu7bZuHGjOXjwoBk3bpzx8fExv/32mzHGmMzMTNOsWTPTokUL8/3335uff/7ZDB48ONt70bZt24yPj4+ZPHmy2bNnj/n555/Nxx9/bC5dumTVCQkJMRMnTjQJCQlm3rx5xt3d3cydO7dQtSU9PT3bZ5EJEyaYkiVLmnPnzll16tata9q2bWt27txp1qxZY0qVKmVcXFwK3bHJTXuMufxZfNGiRTbH5p133ilUbTHGmH/84x+madOmZvv27ebw4cNm0qRJxtnZ2WZb7du3Nw0aNDDfffed2bx5swkICDDOzs6F7tjktj1F4f/m/PnzpkqVKubhhx82u3fvNrt37zZdunQxTZs2NRkZGTkem/HjxxtJJjQ0tEi25crjkpCQYP773/+aESNGXPW62N6RI0eMt7e3iYyMNPv27TNvvvmmcXFxMVFRUVad3LznX6+vz+n9yt/f34wePTpPseQGyfNi4sokV8uWLc3TTz9tRowYYUqXLm0CAgLMuHHjbOpfecJLsplatmyZbZ3GGPPVV1+Ze++91/j6+poyZcqYTp06mUOHDlnlt0vy/Ny5c6ZkyZLm559/Nj179jSvvPKKVda/f3+bfRkSEmJCQkKyzcuycuVKc/fddxsPDw9TuXJlM378eJukpiTz9ttvm86dOxtvb+9sxzFLTonVV155xQwYMMCULFnSBAcHm3feecdmmePHj5tevXqZ0qVLG29vb9O4cWPz3XffGWMuJ2MaNGhg5s+fbypVqmScnJyMMcacOXPGDBw40Pj7+5tSpUqZ1q1bm7i4OGudWcstWLDABAcHmxIlSpghQ4aY9PR089prr5mAgABTrlw58/LLL9vEktv1LlmyxISEhBgfHx/Ts2dPk5ycnON+l2Ti4+NNenq6eeKJJ0ylSpWMp6enueuuu8zMmTNttl2QyfOrbSensmHDhln/i8bkLXlujDGNGjUyAwcOtJmXmZlpKleubEaNGnVD+8Y+hhMnTpgHH3zQeHp6mkqVKpn//ve/2eKaNm2aqVu3rvH29jZ33nmnGTJkiHUxu379+mzHLesct1/Pr7/+ah566CFTokQJU6pUKdOjRw+TmJholV/vHAFy65577jFDhw61XmdkZJigoCAzefJkB0Z1dVnnflFhf8GdmZlpAgMDzeuvv27NS0pKMh4eHuajjz5yQITZXS15XhB9x406efKkkWQ2btxojLm8T93c3MyKFSusOvv37zeSTExMjKPCtGEfszG3/uGA/FC6dGnz3nvvFYl9nCUrZmMK9z4+d+6cqV69uomOjraJsyjta+ReXvvfChUqmLfeestmXrdu3UyfPn2MMcZcvHjRuLi4mNWrV9vUadSokfnPf/5jjDHmwIEDRpJ1Mylru+XKlTPz58+35oWGhpoxY8ZcM/4rr10Lc1vsNWzY0DzxxBPW6zVr1hhnZ2eb6+xKlSoZNzc364GqotQeY2z78cJ8bEqUKGGWLFlis54yZcpYdfbt22ckmR9++MEqr1GjhpFkPdBXlNpjTNH4v/n666+Ns7OzzY3lpKQk4+TkZKKjo40x2Y/NPffcYzp37mycnJzM77//XqTaYsy1cw25SZ6PHDnS1KlTx2Zez549TXh4uPX6esc7N319Tu9Xc+fONT4+Ptb7VW5iyQ2GbSmm3n//fZUoUULbt2/X1KlTNXHiREVHR+dYN+urEd9++60SEhL06aef5ljvwoULioyM1I4dO7R27Vo5Ozvr4YcfVmZm5i1rR2G0fPly1axZUzVq1NBjjz2mhQsXyhgj6fJQNxMnTtSdd96phIQE/fDDD9ZXaRYtWmTNk6TNmzerX79+GjZsmPbt26d33nlHixcv1iuvvGKzvfHjx+vhhx/WTz/9pCeeeCLXcU6bNk1NmjTRzp079dRTT2nIkCHW16HPnz+vli1b6vfff9eqVau0a9cujRw50uZYHjp0SJ988ok+/fRTa0ifHj166OTJk/rqq68UGxurRo0aqU2bNjp9+rS13OHDh/XVV18pKipKH330kRYsWKBOnTrpt99+08aNG/Xaa69pzJgx2r59u7VMbte7cuVKrV69WqtXr9bGjRs1ZcoUa7+HhYVp0KBBSkhIUEJCgoKDg5WZmak777xTK1as0L59+zR27Fi9+OKLWr58ea73Y1E1cOBALV++XBcuXLDmbdiwQfHx8XriiSfyZd88/vjjOn78uNavX6///e9/evvtt3Xy5EmbOs7Ozpo9e7b27t2r999/X+vWrdPIkSMlSc2bN9fMmTPl4+NjHbfnn38+23YyMzPVpUsXnT59Whs3blR0dLSOHDminj172tS71jkC5EZqaqpiY2PVtm1ba56zs7Patm2rmJgYB0Z2bQcPHlRQUJCqVKmiPn366NixY44OKdfi4+OVmJhos899fX0VGhpaqPe5dPk9tXz58qpRo4aGDBmiU6dOOToky9mzZyVJZcqUkSTFxsYqLS3NZj/XrFlTFStWLDT72T7mLEuXLpW/v7/q1q2r0aNH6+LFi44IL5uMjAwtW7ZMFy5cUFhYWJHYx/YxZyms+3jo0KHq1KmTzT6Visb5jLy5kf43JSVFnp6eNvO8vLy0ZcsWSVJ6eroyMjKuWSclJUWSbOo4OzvLw8PDqnPy5Elt375d5cuXV/PmzRUQEKCWLVta5VeaMmWKypQpo++//17nzp2zhg4oLG2xFxsbq7i4OA0cONCaFxMTo3r16ikgIEDS5WNz/PhxpaWlae/evUWuPVmyhn7Iyn1kfX4vTG1p3ry5Pv74Y50+fVqZmZlatmyZLl26pFatWkm6fGz8/PzUpEkTSZePzaFDh+Ts7Gx9ti5K7clS2P9vUlJS5OTkJA8PD6uOp6ennJ2drTpXHpus97P+/ftbx6YotSXLlClTVLZsWd199916/fXXsw2Fci0xMTHZ+u7w8HCr/bl5z89NX2//fpW1neTkZOv96nqx5FqeUu0otOyfPL/vvvtsyps2bWpGjRplvdYVd4uu9sT49Z6q+vPPP40k89NPP11zPcVN8+bNrSd009LSjL+/v1m/fr1VPmPGDJuny43J+e5cmzZtzKuvvmoz74MPPjAVKlSwWW748OHXjSmnp5Ife+wx63VmZqYpX768mTt3rjHGmHfeeceUKlXKnDp1Ksf1jRs3zri5uZmTJ09a8zZv3mx8fHxsvp5ojDFVq1a1nmofN26c8fb2tnnaNzw83FSqVMnma0A1atSw7ije6HpHjBhhQkNDr7oPrmbo0KGme/fu1uuCfPLcxcXFlChRwpr++c9/XjWGm33y/MyZM8bT09MsWrTImte3b99s7w1Xut6+uTKGrDvb33//vVWedSf4WnGtWLHClC1b1np9tWFbrmzfN998Y1xcXMyxY8es8r1799psPzfnCHA9v//+u5Fktm3bZjN/xIgR5p577nFQVNe2Zs0as3z5crNr1y4TFRVlwsLCTMWKFQvtty7s+8OtW7caSeaPP/6wqdejRw/zyCOPFHB0OcupD//oo4/M559/bnbv3m0+++wzU6tWLdO0adNcD8V1K2VkZJhOnTqZe++915q3dOlS4+7unq1u06ZNzciRIwsyvBzlFLMxl69XoqKizO7du81///tfc8cdd5iHH37YQVFetnv3blOiRAnj4uJifH19zZdffmmMKdz7+GoxG1M497Exl//H6tataw3fdOU1SGHe17gxN9L/9u7d29SuXdv88ssvJiMjw3zzzTfGy8vL5twICwszLVu2NL///rtJT083H3zwgXF2djZ33XWXMebykJgVK1Y0PXr0MKdPnzYpKSlmypQpRpJp166dMcaYmJgYI8mUKVPGLFy40Pz4449m+PDhxt3d3fzyyy/WtqZNm2bWr19voqOjjSRTsmRJ8+yzzxaqttgbMmSIqVWrls28QYMG2dTPOjaSzJo1a4pce4wxZuLEiWbLli3m66+/NpKMm5ubmTVrVqFry5kzZ0y7du2MJOPq6mp8fHzM119/bZW/8sor1jqvPDZ+fn7m7bffLnLtMaZo/N+cPHnS+Pj4mGHDhpkLFy6Y8+fPm4iICCPJDB48ONuxufL9rFy5ctaxKSptufK47Nq1y8ydO9f4+flZxyWn62J71atXz5br+vLLL40kc/HixVy95+emr7d/vzLGmAsXLti8X10vltziyfNiqn79+javK1SokO2J0Lw6ePCgevfurSpVqsjHx0eVKlWSpCL1hNvNOnDggL7//nv17t1bkuTq6qqePXtqwYIFeV7Xrl27NHHiRJUsWdKasp6cvvKJn6w7y3l15Tng5OSkwMBA6xyIi4vT3Xffne3priuFhISoXLlyNvGeP3/e+rGGrCk+Pl6HDx+26lWqVEmlSpWyXgcEBKh27dpydna2mZcVy42uN7fn9Jw5c9S4cWOVK1dOJUuW1Lvvvuuwc7Z169aKi4uzptmzZ9+ybfn5+albt25auHChJCk5OVmffPKJzZMYN7Nv9u/fL1dXVzVu3NiaV7NmzWw//vntt9+qTZs2uuOOO1SqVCn17dtXp06dytNTbfv371dwcLCCg4OtebVr15afn5/2799vzbvRcwQoyjp06KAePXqofv36Cg8P15o1a5SUlHRbfMPGkXr16qWHHnpI9erVU9euXbV69Wr98MMP2rBhg6ND09ChQ7Vnzx4tW7bM0aHk2tViHjx4sMLDw1WvXj316dNHS5Ys0WeffWZzfVDQatSoobi4OG3fvl1DhgxR//79tW/fPofFkxvXirkw7uPjx49r2LBhWrp0aban7IAss2bNUvXq1VWzZk25u7srIiJCAwYMsPnM8cEHH8gYozvuuEMeHh6aPXu2evfubdVxc3PTp59+ql9++UVlypSRt7e31q9frw4dOlh1sr6Z++STT2rAgAG6++67NWPGDNWoUcO6zpakyMhItWrVSrVr15YkPf3003rzzTetp0ELQ1uu9Pfff+vDDz/M8Sntm1XY2vPSSy/p3nvvVd26dSVJjz32mF5//fVC15aXXnpJSUlJ+vbbb7Vjxw5FRkbqkUce0U8//ZSrWItie4rC/025cuW0YsUKffHFFypZsqR8fX2VlJSkRo0a5Xgu3ojC1pas41K/fn39+9//1rRp03J9XIorV0cHgFvDzc3N5rWTk9NND6/SuXNnhYSEaP78+QoKClJmZqbq1q2r1NTUm1pvUbJgwQKlp6crKCjImmeMkYeHh9566y35+vrmel3nz5/XhAkT1K1bt2xlV35QKFGixA3Feq1zwMvL67rL22/3/PnzqlChQo6JgSsTpjlt91qx3Mx6r3dOL1u2TM8//7ymTZumsLAwlSpVSq+//rrNkDEFqUSJEqpWrVq2+c7OztZXB7OkpaXd9PYGDhyoNm3a6NChQ1q/fr1cXFzUo0cPSQWzb44ePaoHH3xQQ4YM0SuvvKIyZcpoy5YtGjhwoFJTU+Xt7Z1v25Juzfsebi/+/v5ycXHJ9ivuJ06cUGBgoIOiyhs/Pz/dddddOnTokKNDyZWs/XrixAlVqFDBmn/ixAk1bNjQQVHlXZUqVeTv769Dhw6pTZs2DosjIiJCq1ev1qZNm3TnnXda8wMDA5WamqqkpCSbvrUwnNtXizknoaGhki4PLVe1atWCCC8bd3d3qy9v3LixfvjhB82aNUs9e/YstPv4ajG/88472eoWhn0cGxurkydPqlGjRta8jIwMbdq0SW+99Za+/vrrQruvcWNupP8tV66cVq5cqUuXLunUqVMKCgrSCy+8oCpVqlh1qlatqo0bN+rChQtKTk5WhQoV1LNnT5s6jRs3VlxcnM6ePavU1FSVK1dOoaGh1gNMWX1TVnIvS61atXJ86CSrLYGBgUpPT9fRo0dVo0aNQtGWK/3vf//TxYsX1a9fP5v5gYGB1tAmV7YnIyPDJv6i0p4rZbUlKChIv/32m1JSUuTh4VEo2nL48GG99dZb2rNnj+rUqSNJatCggTZv3qw5c+Zo3rx5Ng/DXdme5OTkQndsctOenI5NYf2/adeunQ4fPqy//vpLrq6u8vPzU2BgoLWeK49NVlv++OMPnT592uZatyi0JSehoaHWccmNwMDAHN/PfXx85OXlJRcXl+u+5+fm2tX+/SqrPKssN7HkFk+eQ+7u7pIuX5RezalTp3TgwAGNGTNGbdq0Ua1atXTmzJmCCrFQSE9P15IlSzRt2jSbp4d37dqloKAgffTRR1dd1s3NLdv+bdSokQ4cOKBq1aplm/LrDubV1K9fX3FxcTZjil9Po0aNlJiYKFdX12zx+vv733As+bVed3f3bPt469atat68uZ566indfffdqlatmkOfpLqacuXKKSEhwWZe1jjzN6N169aqXLmyFi1apEWLFqlXr17WTZGb3Tc1a9ZUenq6YmNjrXkHDhxQUlKS9To2NlaZmZmaNm2amjVrprvuukt//PGHzXpyOm72atWqpePHj+v48ePWvH379ikpKSnbBxngZri7u6tx48Zau3atNS8zM1Nr1661GR+4MDt//rwOHz5sk4guzCpXrqzAwECbfZ6cnKzt27cXmX0uSb/99ptOnTrlsP1ujFFERIQ+++wzrVu3TpUrV7Ypb9y4sdzc3Gz284EDB3Ts2DGH7efrxZyTrL6xMJ3fmZmZSklJKZT7+GqyYs5JYdjHbdq00U8//WRzvd2kSRP16dPH+ruo7Gvkzs30v56enrrjjjuUnp6uTz75RF26dMlWp0SJEqpQoYLOnDmjr7/+Osc6vr6+KleunA4ePKgdO3ZYdSpVqqSgoCDrt6Oy/PLLLwoJCblqW1avXi1nZ2eVL1++0LTlSgsWLNBDDz1k801jSQoLC9NPP/1kJQLd3d0VHBwsNzc367q7KLXnSleeZ6VLl5aHh0ehaUvWt3Lt8wAuLi7Ww0BhYWFKSkqyPn9l3RjNzMy0bnwWpfZcqaj83/j7+8vPz0/r1q3TyZMn9dBDD0myPTZZbVmyZIl1bIpSW3ISFxdnHZfcCAsLs3k/l6To6Gir/bl5z8/NdZX9+1XWdnx8fKz3q+vFkmu5HuAFhZr9mOf2Yz936dLF9O/f33qtK8YpSktLM15eXubll182iYmJJikpKds6MzIyTNmyZc1jjz1mDh48aNauXWuaNm2aq7HTi4vPPvvMuLu7W/vnSiNHjjRNmjQxxuQ85nn16tXNkCFDTEJCgjl9+rQxxpioqCjj6upqxo8fb/bs2WP27dtnPvroI+vXko3J3XhSxuRuPOwGDRqYcePGGWOMSUlJMXfddZdp0aKF2bJlizl8+LD53//+Z405NW7cONOgQQOb5TMzM819991nGjRoYL7++msTHx9vtm7dal588UXrV6VzWi6n8byvjPdG12u/nwcNGmSaNm1q4uPjzZ9//mkyMjLMrFmzjI+Pj4mKijIHDhwwY8aMMT4+PjbrKsgxz6+2naioKOPk5GTef/9988svv5ixY8caHx+fmxrzPMukSZNM6dKljSTz3XffWfNvZN/Yx9C+fXtz9913m++++87s2LHD3HfffcbLy8uKKy4uzkgyM2fONIcPHzZLliwxd9xxh5Fkzpw5Y4z5v/GOv/32W/Pnn3+aCxcuZGtfZmamadiwoWnRooWJjY0127dvN40bN7bZP7k5R4DcWLZsmfHw8DCLFy82+/btM4MHDzZ+fn42v+JemDz33HNmw4YN1ntn27Ztjb+/v81vVjjauXPnzM6dO83OnTuNJDN9+nSzc+dO8+uvvxpjjJkyZYrx8/OzxhDv0qWLqVy5sjXWcWGL+dy5c+b55583MTExJj4+3nz77bemUaNGpnr16tl+v6OgDBkyxPj6+poNGzaYhIQEa7pyLMd///vfpmLFimbdunVmx44dJiwszISFhTkk3tzEfOjQITNx4kSzY8cOEx8fbz7//HNTpUoVc//99zss5hdeeMFs3LjRxMfHm927d5sXXnjBODk5mW+++cYYU/j28fViLoz7+Grsr0EK477Gzble/9u3b1/zwgsvWPW/++4788knn5jDhw+bTZs2mQceeMBUrlzZusY05vI19ldffWWOHDlivvnmG9OgQQMTGhpqUlNTrTrLly8369evN4cPHzYrV640ISEhplu3bjaxzZgxw/j4+JgVK1aYgwcPmjFjxhhPT09z6NAhY4wx27ZtMzNmzDBxcXHm8OHD1hjC9957b6FrizHGHDx40Dg5OZmvvvoqW1l6erqpW7euadeunYmLizNRUVGmVKlSxsXFpVAem+u1Z9WqVWb+/Pnmp59+MgcPHjRPPPGEkWS6dOlSqNqSmppqqlWrZlq0aGG2b99uDh06ZN544w3j5ORk8zsVWZ+/tm/fbrZs2WICAwONs7NzoTs2uWlPUfq/WbhwoYmJiTGHDh0yH3zwgSlTpoyJjIy0qXPlsZkwYYJxcnIyoaGhRa4t9sflv//9r/H39zcPPvjgVa/lX3jhBdO3b19rHUeOHDHe3t5mxIgRZv/+/WbOnDnGxcXFREVFWXVy85nren19Tu9X5cqVM6NHj85TLLlB8ryYuJnkuTHGzJ8/3wQHBxtnZ2crIWWfOIuOjja1atUyHh4epn79+mbDhg23VfL8wQcfNB07dsyxbPv27UaS2bVrV44Ju1WrVplq1aoZV1dXm7KoqCjTvHlz4+XlZXx8fMw999xj3n33Xav8ViXPjTHm6NGjpnv37sbHx8d4e3ubJk2amO3btxtjck5EGmNMcnKyefrpp01QUJBxc3MzwcHBpk+fPtYPOd5I8vxG12u/nw8cOGCaNWtmvLy8jCQTHx9vLl26ZB5//HHj6+tr/Pz8zJAhQ8wLL7xQ6JLnxhgzduxYExAQYHx9fc2zzz5rIiIi8iV5fvz4cePs7Gzq1KljM/9G9o19DAkJCaZTp07Gw8PDVKxY0SxZsiRbXNOnTzcVKlQwXl5eJjw83CxZssQmeW7M5U6xbNmyRpJ1jtqv59dffzUPPfSQKVGihClVqpTp0aOHTcdK8hz56c033zQVK1Y07u7u5p577rG58VTY9OzZ01SoUMG4u7ubO+64w/Ts2dP6MF9YrF+/3vqxsSunrOuSzMxM89JLL5mAgADj4eFh2rRpYw4cOFBoY7548aJp166dKVeunHFzczMhISFm0KBBDr3BklOskmx+NPrvv/82Tz31lCldurTx9vY2Dz/8sElISCi0MR87dszcf//9pkyZMsbDw8NUq1bNjBgxwpw9e9ZhMT/xxBMmJCTEuLu7m3Llypk2bdpYiXNjCt8+NubaMRfGfXw19tcghXFf4+Zdq/9t2bKlzefZDRs2WJ9Ny5Yta/r27Wt+//13m/V9/PHHpkqVKsbd3d0EBgaaoUOHZnsQatasWebOO+80bm5upmLFimbMmDEmJSUlW2yTJ082d955p/H29jZhYWFm8+bNVllsbKwJDQ01vr6+xtPT09SqVct07tzZBAcHF8q2jB492gQHB5uMjIwcjsLlz4kdOnQwXl5ext/f3zz33HNm5syZhfbYXKs9X331lWnYsKEpWbKkKVGihGnQoIHp2bNnoWzLL7/8Yrp162bKly9vvL29Tf369c2SJUts6pw6dcr07t3blCxZ0vj4+JgBAwaYN954o0i2pyj934waNcoEBAQYNzc3U716dTNt2jSTmZl5zWMTGhpaJNuS03H517/+dc1r+f79+9vkLoy5fC3dsGFD4+7ubqpUqWJzTZrlep+5ctPX5/R+lZaWludYrsfJGLuBdgEAAAAAAAAAuM0x5jkAAAAAAAAAAHZIngMAAAAAAAAAYIfkOQAAAAAAAAAAdkieAwAAAAAAAABgh+Q5AAAAAAAAAAB2SJ4XYqdOnVL58uV19OhRR4dyXePHj1fDhg1zXf+vv/5S+fLl9dtvv926oIoRzgUAAAAAAACgYJE8L8ReeeUVdenSRZUqVZIkffbZZ2rWrJl8fX1VqlQp1alTR8OHD3dojDfK399f/fr107hx4xwdSpHAuQAAAAAAAAAULJLnhdTFixe1YMECDRw4UJK0du1a9ezZU927d9f333+v2NhYvfLKK0pLS3NwpDduwIABWrp0qU6fPu3oUAo1zgUAAAAAAACg4JE8L6TWrFkjDw8PNWvWTJL0xRdf6N5779WIESNUo0YN3XXXXeratavmzJljLXP48GF16dJFAQEBKlmypJo2bapvv/3WZr2VKlXSyy+/rH79+qlkyZIKCQnRqlWr9Oeff6pLly4qWbKk6tevrx07dljLLF68WH5+flq5cqWqV68uT09PhYeH6/jx49dsw3vvvadatWrJ09NTNWvW1Ntvv21TXqdOHQUFBemzzz672d1VrHEuAABQcLL6OmTXqlWrIvtNNwAAJOnxxx9X165drdf50bcVx/5x69atqlevntzc3NS1a1dt2LBBTk5OSkpKuuoyXEOhuCJ5Xkht3rxZjRs3tl4HBgZq79692rNnz1WXOX/+vDp27Ki1a9dq586dat++vTp37qxjx47Z1JsxY4buvfde7dy5U506dVLfvn3Vr18/PfbYY/rxxx9VtWpV9evXT8YYa5mLFy/qlVde0ZIlS7R161YlJSWpV69eV41l6dKlGjt2rF555RXt379fr776ql566SW9//77NvXuuecebd68Oa+757bCuQAAQP55/PHH5eTkJCcnJ7m7u6tatWqaOHGi0tPTHR2aQ6Wmpmrq1Klq0KCBvL295e/vr3vvvVeLFi0qFN9us/9NlfHjx1vH0dXVVf7+/rr//vs1c+ZMpaSkOC5QAECeObJv/vTTTzVp0qRc1b1aAjkv67hZn3zyiVq1aiVfX1/rgbeJEyfm+7e4IyMj1bBhQ8XHx2vx4sVq3ry5EhIS5Ovrm6/bAYoCkueF1K+//qqgoCDr9dNPP62mTZuqXr16qlSpknr16qWFCxfafDho0KCBnnzySdWtW1fVq1fXpEmTVLVqVa1atcpm3R07dtSTTz6p6tWra+zYsUpOTlbTpk3Vo0cP3XXXXRo1apT279+vEydOWMukpaXprbfeUlhYmBo3bqz3339f27Zt0/fff59j/OPGjdO0adPUrVs3Va5cWd26ddOzzz6rd955x6ZeUFCQfv311/zYZcUW5wIAAPmrffv2SkhI0MGDB/Xcc89p/Pjxev311x0dlsOkpqYqPDxcU6ZM0eDBg61+fejQoXrzzTe1d+9eR4eYozp16ighIUHHjh3T+vXr1aNHD02ePFnNmzfXuXPnHB0eACAP8tI3p6am5tt2y5Qpo1KlSjl8Hbnxn//8Rz179lTTpk311Vdfac+ePZo2bZp27dqlDz74IF+3dfjwYT3wwAO688475efnJ3d3dwUGBsrJySlftwMUBSTPC6m///5bnp6e1usSJUroyy+/1KFDhzRmzBiVLFlSzz33nO655x5dvHhR0uWnjZ9//nnVqlVLfn5+KlmypPbv35/taeP69etbfwcEBEiS6tWrl23eyZMnrXmurq5q2rSp9bpmzZry8/PT/v37s8V+4cIFHT58WAMHDlTJkiWt6eWXX9bhw4dt6np5eVnxI2ecCwAA5C8PDw8FBgYqJCREQ4YMUdu2bbPdYP76669Vq1YtlSxZ0vpAnyUzM1MTJ07UnXfeKQ8PDzVs2FBRUVFW+dGjR+Xk5KRPP/1UrVu3lre3txo0aKCYmBibbWzZskUtWrSQl5eXgoOD9cwzz+jChQtW+Y0MsZab9dqbOXOmNm3apLVr12ro0KFq2LChqlSpokcffVTbt29X9erVc1zugw8+UJMmTVSqVCkFBgbq0UcftblmOHPmjPr06aNy5crJy8tL1atX16JFiyRdTnxERESoQoUK8vT0VEhIiCZPnnzVGHPi6uqqwMBABQUFqV69enr66ae1ceNG7dmzR6+99lqe1gUAcKxr9c1ZQ6288sorCgoKUo0aNSRJx48f1yOPPCI/Pz+VKVNGXbp00dGjR611ZmRkKDIyUn5+fipbtqxGjhxp861qKfuQKykpKRo1apSCg4Pl4eGhatWqacGCBTp69Khat24tSSpdurScnJz0+OOP57iOM2fOqF+/fipdurS8vb3VoUMHHTx40CrPGt7kWtca9r7//nu9+uqrmjZtml5//XU1b95clSpV0j/+8Q998skn6t+/v1V37ty5qlq1qtzd3VWjRo1siXUnJye99957evjhh+Xt7a3q1atb+zrrGubUqVN64okn5OTkpMWLF+f41P3ixYtVsWJFeXt76+GHH9apU6eyxf3555+rUaNG8vT0VJUqVTRhwgSbbxRcK5Yse/fu1YMPPigfHx+VKlVKLVq0sMknXG+YWOBmkTwvpPz9/XXmzJls86tWrap//etfeu+99/Tjjz9q3759+vjjjyVJzz//vD777DO9+uqr2rx5s+Li4lSvXr1sd2Xd3Nysv7PuGuY0LzMz84ZiP3/+vCRp/vz5iouLs6Y9e/bou+++s6l7+vRplStX7oa2c7vgXAAA4Nby8vKy6SMvXryoN954Qx988IE2bdqkY8eO6fnnn7fKZ82apWnTpumNN97Q7t27FR4eroceesjmg7F0+Qmx559/XnFxcbrrrrvUu3dv6wPj4cOH1b59e3Xv3l27d+/Wxx9/rC1btigiIsJmHXkdYi23673S0qVL1bZtW919993Zytzc3FSiRIkcl0tLS9OkSZO0a9curVy5UkePHrUSCZL00ksvad++ffrqq6+0f/9+zZ07V/7+/pKk2bNna9WqVVq+fLkOHDigpUuXqlKlSleNMbdq1qypDh066NNPP73pdQEAHMe+b167dq0OHDig6OhorV69WmlpaQoPD1epUqW0efNmbd261UpCZy03bdo0LV68WAsXLtSWLVt0+vTp6/7OVr9+/fTRRx9p9uzZ2r9/v9555x2VLFlSwcHB+uSTTyRJBw4cUEJCgmbNmpXjOh5//HHt2LFDq1atUkxMjIwx6tixo80waNe71rC3dOlSlSxZUk899VSO5VljjX/22WcaNmyYnnvuOe3Zs0dPPvmkBgwYoPXr19vUnzBhgh555BHt3r1bHTt2VJ8+fXT69GkFBwcrISFBPj4+mjlzphISEtSzZ89s29u+fbsGDhyoiIgIxcXFqXXr1nr55Zdt6mzevFn9+vXTsGHDtG/fPr3zzjtavHixXnnllVzFIkm///677r//fnl4eGjdunWKjY3VE088YV1P5XaYWOCmGBRKr7/+umnQoME162RmZhofHx/z5ptvGmOMqVu3rpk4caJVfu7cOePr62uGDRtmzQsJCTEzZsywWY8k89lnn1mv4+PjjSSzc+dOY4wxixYtMpLM9u3brTo///yzzbxx48bZxBsUFGQTy9Xcd999ZsyYMdetdzvjXAAAIP/079/fdOnSxRhzuf+Mjo42Hh4e5vnnnzfG/F9fd+jQIWuZOXPmmICAAOt1UFCQeeWVV2zW27RpU/PUU08ZY/6v/3zvvfes8r179xpJZv/+/cYYYwYOHGgGDx5ss47NmzcbZ2dn8/fffxtjLvfVjz32mFWekJBgJJmXXnrJmhcTE2MkmYSEhFyv156Xl5d55plnrrbLLC1btrS5lrD3ww8/GEnm3LlzxhhjOnfubAYMGJBj3aeffto88MADJjMz87rbNSb79YX96yuNGjXKeHl55Wq9AADHu17f3L9/fxMQEGBSUlKsZT744ANTo0YNm34kJSXFeHl5ma+//toYY0yFChXM1KlTrfK0tDRz5513WtsyxrZvO3DggJFkoqOjc4xz/fr1RpI5c+aMzfwr1/HLL78YSWbr1q1W+V9//WW8vLzM8uXLjTG5u9aw16FDB1O/fv2rlmdp3ry5GTRokM28Hj16mI4dO1qvJdl89j5//ryRZL766itrnq+vr1m0aNFV2967d2+bdRpjTM+ePY2vr6/1uk2bNubVV1+1qfPBBx+YChUq5DqW0aNHm8qVK5vU1NQc21u1alXz4Ycf2sybNGmSCQsLy7E+cCNcCzBPjzwIDw/X6NGjdebMGZUuXVrjx4/XxYsX1bFjR4WEhCgpKUmzZ89WWlqa/vGPf0iSqlevrk8//VSdO3eWk5OTXnrppRt+Ytiem5ubnn76ac2ePVuurq6KiIhQs2bNdM899+RYf8KECXrmmWfk6+ur9u3bKyUlRTt27NCZM2cUGRkp6fKd1tjYWL366qv5EmNxxbkAAED+Wr16tUqWLKm0tDRlZmbq0Ucf1fjx461yb29vVa1a1XpdoUIFaziS5ORk/fHHH7r33ntt1nnvvfdq165dNvOuHB6tQoUKki4PhVazZk3t2rVLu3fv1tKlS606xhhlZmYqPj5etWrVyraO6w2xFhgYmOv1XsnYfYU9t2JjYzV+/Hjt2rVLZ86csa41jh07ptq1a2vIkCHq3r27fvzxR7Vr105du3ZV8+bNJV1+Ku8f//iHatSoofbt2+vBBx9Uu3btbiiOnNrDmKwAULRcr2+uV6+e3N3drde7du3SoUOHso01funSJR0+fFhnz55VQkKCQkNDrTJXV1c1adLkqv1eXFycXFxc1LJlyxtux/79++Xq6mqz3bJly6pGjRo2Q51e61ojJ7ntq/fv36/BgwfbzLv33nuzPSV/5fVFiRIl5OPjc83t57Sdhx9+2GZeWFiYzTB2u3bt0tatW22eNM/IyNClS5d08eJFeXt7XzeWuLg4tWjRwuYb8lmuHCZ20KBB1vz09HR+2BT5iuR5IVWvXj01atRIy5cv15NPPqmWLVtqzpw56tevn06cOKHSpUvr7rvv1jfffGON9zV9+nQ98cQTat68ufz9/TVq1CglJyfnSzze3t4aNWqUHn30Uf3+++9q0aKFFixYcNX6//rXv+Tt7a3XX39dI0aMUIkSJVSvXj2bccA+//xzVaxYUS1atMiXGIsrzgUAAPJX69atNXfuXLm7uysoKEiurraXxPYf0JycnG4owXytodDOnz+vJ598Us8880y25SpWrHjNdeTHeq9011136eeff85do/6/CxcuKDw8XOHh4Vq6dKnKlSunY8eOKTw83Pq6fIcOHfTrr79qzZo1io6OVps2bTR06FC98cYbatSokeLj4/XVV1/p22+/1SOPPKK2bdvqf//7X57iyMn+/ftVuXLlm14PAKDgXK9vth9C7Pz582rcuLHNzeIsNzocqJeX1w0tdyPyeq1x1113acuWLUpLS8sxkZwf28+vB+6ynD9/XhMmTFC3bt2ylV35u27XiuVax+TKYWKvvFkhSS4uLjccN2CP5HkhNnbsWI0YMUKDBg1S69atrR+nuJpKlSpp3bp1NvOGDh1q8/rKH8/IYv8GXalSpRzftLt165bjm54kjR8/3uausCQ9+uijevTRR68a76xZszR27NirluP/cC4AAJB/SpQooWrVqt3Qsj4+PgoKCtLWrVttnkzbunXrVb+FlZNGjRpp3759NxxHfq730Ucf1YsvvqidO3dmG/c8LS1Nqamp2ZIWP//8s06dOqUpU6YoODhYkrL9cKl0OYHRv39/9e/fXy1atNCIESP0xhtvSLq8L3v27KmePXvqn//8p9q3b6/Tp0+rTJkyeW22TVxRUVEaPXr0Da8DAFDw8to3N2rUSB9//LHKly8vHx+fHOtUqFBB27dv1/333y/p8hPJsbGxatSoUY7169Wrp8zMTG3cuFFt27bNVp715HtGRsZV46pVq5bS09O1fft269tWp06d0oEDB1S7du1ct8/eo48+qtmzZ+vtt9/WsGHDspUnJSXJz89PtWrV0tatW21+QHTr1q03te2c1KpVS9u3b7eZZ/+7Zo0aNdKBAwdu6lqnfv36ev/993O8aRAQEKCgoCAdOXJEffr0ueFtANfDD4YWYp06ddLgwYP1+++/OzqUfPfXX3+pW7du6t27t6NDKRI4FwAAKDxGjBih1157TR9//LEOHDigF154QXFxcTl+mL2aUaNGadu2bdYPbR08eFCff/75NX/Y81atd/jw4br33nvVpk0bzZkzR7t27dKRI0e0fPlyNWvWLNsPoUqXn2J3d3fXm2++qSNHjmjVqlWaNGmSTZ2xY8fq888/16FDh7R3716tXr3aGjZm+vTp+uijj/Tzzz/rl19+0YoVKxQYGGj94FlupKenKzExUX/88Yd++uknvfnmm2rZsqUaNmyoESNG5Ho9AICip0+fPvL391eXLl20efNmxcfHa8OGDXrmmWf022+/SZKGDRumKVOmaOXKlfr555/11FNPKSkp6arrrFSpkvr3768nnnhCK1eutNa5fPlySVJISIicnJy0evVq/fnnn9aTz1eqXr26unTpokGDBmnLli3atWuXHnvsMd1xxx3q0qXLDbc3NDRUI0eO1HPPPaeRI0cqJiZGv/76q9auXasePXpYP5A5YsQILV68WHPnztXBgwc1ffp0ffrpp9f8MdIb8cwzzygqKkpvvPGGDh48qLfeestmyBbp8nXAkiVLNGHCBO3du1f79+/XsmXLNGbMmFxvJyIiQsnJyerVq5d27NihgwcP6oMPPtCBAwckXR4mdvLkyZo9e7Z++eUX/fTTT1q0aJGmT5+er+3F7Y3keSE3fPhw62me4sTf318jR45kPMo84FwAAKBweOaZZxQZGannnntO9erVU1RUlFatWqXq1avneh3169fXxo0b9csvv6hFixa6++67NXbsWAUFBd1UbDeyXg8PD0VHR2vkyJF655131KxZMzVt2lSzZ8/WM888o7p162Zbply5clq8eLFWrFih2rVra8qUKdYT5Vnc3d01evRo1a9fX/fff79cXFy0bNkySVKpUqU0depUNWnSRE2bNtXRo0e1Zs0aOTvn/uPJ3r17VaFCBVWsWFGtWrXS8uXLNXr0aG3evFklS5bM9XoAAEWPt7e3Nm3apIoVK6pbt26qVauWBg4cqEuXLllPoj/33HPq27ev+vfvr7CwMJUqVSrbON325s6dq3/+85966qmnVLNmTQ0aNEgXLlyQJN1xxx2aMGGCXnjhBQUEBFz1xvSiRYvUuHFjPfjggwoLC5MxRmvWrLnp4VZee+01ffjhh9q+fbvCw8NVp04dRUZGqn79+taT5l27dtWsWbP0xhtvqE6dOnrnnXe0aNEitWrV6qa2ba9Zs2aaP3++Zs2apQYNGuibb77JlhQPDw/X6tWr9c0336hp06Zq1qyZZsyYoZCQkFxvp2zZslq3bp3Onz+vli1bqnHjxpo/f761L//1r3/pvffe06JFi1SvXj21bNlSixcvZvg25Csnc6O/EAQAAAAAAAAAQDHFk+cAAAAAAAAAANgheQ4AAAAAAAAAgB2S5wAAAAAAAAAA2CF5DgAAAAAAAACAHZLnAAAAAAAAAADYIXkOAAAAAAAAAIAdkucAAAAAAAAAANgheQ4AAAAAAAAAgB2S5wAAAAAAAAAA2CF5DgAAAAAAAACAHZLnAAAAAAAAAADYIXkOAAAAAAAAAICd/weNLoyDhy7PIAAAAABJRU5ErkJggg==", "text/plain": [ "
" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "\n", "🎉 LightGBM分批训练完成!\n", " 训练策略: 初始训练 + 增量学习\n", " 设备类型: GPU\n", " PCA降维: ✅\n", " 降维效果: 7168 → 1062 维\n", " 模型文件: lightgbm_incremental_model.txt\n" ] } ], "source": [ "# 🎯 模型评估与测试\n", "\n", "print(f\"第3阶段: 全面模型评估...\")\n", "\n", "# 加载完整验证数据进行评估\n", "print(f\"\\n📊 加载完整验证数据...\")\n", "X_val_full, y_val_full = val_dataset.load_all_data()\n", "\n", "if X_val_full is not None:\n", " # 数据预处理\n", " X_val_full_scaled = scaler.transform(X_val_full)\n", " \n", " # 模型预测\n", " print(f\" 🔮 进行模型预测...\")\n", " start_pred_time = time.time()\n", " y_pred_val_full = model.predict(X_val_full_scaled)\n", " y_pred_val_full_class = np.argmax(y_pred_val_full, axis=1)\n", " pred_time = time.time() - start_pred_time\n", " \n", " # 计算评估指标\n", " val_accuracy = accuracy_score(y_val_full, y_pred_val_full_class)\n", " \n", " print(f\" ✅ 验证集评估完成\")\n", " print(f\" 样本数量: {X_val_full.shape[0]}\")\n", " print(f\" 预测时间: {pred_time:.2f}秒\")\n", " print(f\" 预测速度: {X_val_full.shape[0]/pred_time:.0f} 样本/秒\")\n", " print(f\" 验证准确率: {val_accuracy:.4f}\")\n", " \n", " # 详细分类报告\n", " print(f\"\\n📋 详细分类报告:\")\n", " class_names = [LOGIT_TO_PHONEME[i] for i in range(len(LOGIT_TO_PHONEME))]\n", " report = classification_report(\n", " y_val_full, y_pred_val_full_class, \n", " target_names=class_names[:len(np.unique(y_val_full))],\n", " output_dict=True\n", " )\n", " \n", " # 打印主要指标\n", " print(f\" 整体准确率: {report['accuracy']:.4f}\")\n", " print(f\" 宏平均F1: {report['macro avg']['f1-score']:.4f}\")\n", " print(f\" 加权平均F1: {report['weighted avg']['f1-score']:.4f}\")\n", " \n", " # 混淆矩阵可视化\n", " plt.figure(figsize=(15, 6))\n", " \n", " # 子图1: 准确率对比\n", " plt.subplot(1, 3, 1)\n", " accuracies = [initial_accuracy, batch_accuracies[-1], val_accuracy]\n", " labels = ['Initial\\n(Sample)', 'After Incremental\\n(Sample)', 'Full Validation']\n", " colors = ['lightblue', 'orange', 'lightgreen']\n", " bars = plt.bar(labels, accuracies, color=colors)\n", " plt.ylabel('Accuracy')\n", " plt.title('Model Performance Comparison')\n", " plt.ylim(0, 1)\n", " \n", " # 在条形图上添加数值\n", " for bar, acc in zip(bars, accuracies):\n", " plt.text(bar.get_x() + bar.get_width()/2, bar.get_height() + 0.01, \n", " f'{acc:.4f}', ha='center', va='bottom')\n", " \n", " # 子图2: 类别分布\n", " plt.subplot(1, 3, 2)\n", " unique_labels, label_counts = np.unique(y_val_full, return_counts=True)\n", " plt.bar(unique_labels, label_counts, alpha=0.7)\n", " plt.xlabel('Phoneme Class ID')\n", " plt.ylabel('Sample Count')\n", " plt.title('Validation Set Class Distribution')\n", " \n", " # 子图3: 预测置信度分布\n", " plt.subplot(1, 3, 3)\n", " pred_confidence = np.max(y_pred_val_full, axis=1)\n", " plt.hist(pred_confidence, bins=30, alpha=0.7, edgecolor='black')\n", " plt.xlabel('Prediction Confidence')\n", " plt.ylabel('Sample Count')\n", " plt.title('Prediction Confidence Distribution')\n", " plt.axvline(np.mean(pred_confidence), color='red', linestyle='--', \n", " label=f'Mean Confidence: {np.mean(pred_confidence):.3f}')\n", " plt.legend()\n", " \n", " plt.tight_layout()\n", " plt.show()\n", " \n", "\n", "else:\n", " print(\"❌ 无法加载验证数据\")\n", "\n", "print(f\"\\n🎉 LightGBM分批训练完成!\")\n", "print(f\" 训练策略: 初始训练 + 增量学习\")\n", "print(f\" 设备类型: {device_type.upper()}\")\n", "print(f\" PCA降维: {'✅' if PCA_CONFIG['enable_pca'] else '❌'}\")\n", "if PCA_CONFIG['enable_pca'] and GLOBAL_PCA['is_fitted']:\n", " print(f\" 降维效果: 7168 → {GLOBAL_PCA['n_components']} 维\")\n", "print(f\" 模型文件: lightgbm_incremental_model.txt\")" ] }, { "cell_type": "code", "execution_count": 21, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ " 内存清理后: 5684.0 MB\n" ] } ], "source": [ "# 清理内存\n", "del X_val_full, y_val_full, X_val_full_scaled, y_pred_val_full, y_pred_val_full_class\n", "memory_cleanup()\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# LOG\n", "数据标签存在严重分布不均,要在读取数据的时候进行下采样和过采样结合使用,提升模型的泛化能力\n", "对blank等过量数据做下采样,提升少数类的权重\n", "再对较少类别做过采样,提升模型对少数类的识别能力\n", "关于类别分布" ] }, { "cell_type": "code", "execution_count": 19, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "🚀 创建生产环境批量处理器...\n" ] }, { "ename": "NameError", "evalue": "name 'scaler' is not defined", "output_type": "error", "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", "\u001b[0;32m/tmp/ipykernel_339/2954977529.py\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 119\u001b[0m batch_processor = LightGBMBatchProcessor(\n\u001b[1;32m 120\u001b[0m \u001b[0mmodel_path\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m\"lightgbm_incremental_model.txt\"\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 121\u001b[0;31m \u001b[0mscaler\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mscaler\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 122\u001b[0m \u001b[0mpca_config\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mPCA_CONFIG\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 123\u001b[0m \u001b[0mglobal_pca\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mGLOBAL_PCA\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;31mNameError\u001b[0m: name 'scaler' is not defined" ] } ], "source": [ "# 🚀 批量处理系统 - 生产环境应用\n", "\n", "class LightGBMBatchProcessor:\n", " \"\"\"LightGBM批量处理器 - 支持大规模数据的高效处理\"\"\"\n", " \n", " def __init__(self, model_path, scaler, pca_config, global_pca):\n", " \"\"\"\n", " 初始化批量处理器\n", " \n", " Args:\n", " model_path: 模型文件路径\n", " scaler: 标准化器\n", " pca_config: PCA配置\n", " global_pca: 全局PCA对象\n", " \"\"\"\n", " self.model = lgb.Booster(model_file=model_path)\n", " self.scaler = scaler\n", " self.pca_config = pca_config\n", " self.global_pca = global_pca\n", " print(f\"✅ 批量处理器初始化完成\")\n", " print(f\" 模型: {model_path}\")\n", " print(f\" PCA: {'启用' if pca_config['enable_pca'] else '禁用'}\")\n", " \n", " def predict_batch(self, features):\n", " \"\"\"\n", " 批量预测\n", " \n", " Args:\n", " features: 输入特征矩阵\n", " \n", " Returns:\n", " predictions: 预测结果\n", " confidence: 预测置信度\n", " \"\"\"\n", " # 数据预处理\n", " features_processed = self._preprocess_features(features)\n", " \n", " # 模型预测\n", " pred_proba = self.model.predict(features_processed)\n", " predictions = np.argmax(pred_proba, axis=1)\n", " confidence = np.max(pred_proba, axis=1)\n", " \n", " return predictions, confidence\n", " \n", " def _preprocess_features(self, features):\n", " \"\"\"数据预处理\"\"\"\n", " # 应用PCA变换 (如果启用)\n", " if self.pca_config['enable_pca'] and self.global_pca['is_fitted']:\n", " features_scaled = self.global_pca['scaler'].transform(features)\n", " features_pca = self.global_pca['pca'].transform(features_scaled)\n", " return features_pca\n", " else:\n", " return self.scaler.transform(features)\n", " \n", " def process_dataset(self, dataset, batch_size=1000):\n", " \"\"\"\n", " 处理整个数据集\n", " \n", " Args:\n", " dataset: MemoryFriendlyDataset对象\n", " batch_size: 批处理大小\n", " \n", " Returns:\n", " all_predictions: 所有预测结果\n", " all_confidence: 所有置信度\n", " processing_stats: 处理统计信息\n", " \"\"\"\n", " all_predictions = []\n", " all_confidence = []\n", " total_samples = 0\n", " processing_time = 0\n", " \n", " print(f\"🔄 开始批量处理数据集...\")\n", " \n", " for batch_idx, (features, labels) in enumerate(dataset.get_batch_generator()):\n", " start_time = time.time()\n", " \n", " # 分小批次处理 (避免内存溢出)\n", " batch_predictions = []\n", " batch_confidence = []\n", " \n", " for i in range(0, len(features), batch_size):\n", " end_idx = min(i + batch_size, len(features))\n", " features_chunk = features[i:end_idx]\n", " \n", " pred, conf = self.predict_batch(features_chunk)\n", " batch_predictions.extend(pred)\n", " batch_confidence.extend(conf)\n", " \n", " all_predictions.extend(batch_predictions)\n", " all_confidence.extend(batch_confidence)\n", " \n", " batch_time = time.time() - start_time\n", " processing_time += batch_time\n", " total_samples += len(features)\n", " \n", " print(f\" 批次 {batch_idx+1}: {len(features)} 样本, \"\n", " f\"{batch_time:.2f}秒, \"\n", " f\"{len(features)/batch_time:.0f} 样本/秒\")\n", " \n", " # 统计信息\n", " processing_stats = {\n", " 'total_samples': total_samples,\n", " 'total_time': processing_time,\n", " 'avg_speed': total_samples / processing_time,\n", " 'avg_confidence': np.mean(all_confidence)\n", " }\n", " \n", " print(f\"✅ 批量处理完成!\")\n", " print(f\" 总样本数: {processing_stats['total_samples']}\")\n", " print(f\" 总处理时间: {processing_stats['total_time']:.2f}秒\")\n", " print(f\" 平均处理速度: {processing_stats['avg_speed']:.0f} 样本/秒\")\n", " print(f\" 平均预测置信度: {processing_stats['avg_confidence']:.4f}\")\n", " \n", " return np.array(all_predictions), np.array(all_confidence), processing_stats\n", "\n", "# 创建批量处理器\n", "print(f\"🚀 创建生产环境批量处理器...\")\n", "batch_processor = LightGBMBatchProcessor(\n", " model_path=\"lightgbm_incremental_model.txt\",\n", " scaler=scaler,\n", " pca_config=PCA_CONFIG,\n", " global_pca=GLOBAL_PCA\n", ")\n", "\n", "# 测试集处理示例\n", "print(f\"\\n🧪 测试集批量处理示例...\")\n", "if len(test_dataset.files) > 0:\n", " # 处理前3个测试文件作为示例\n", " test_predictions, test_confidence, test_stats = batch_processor.process_dataset(\n", " test_dataset, batch_size=500\n", " )\n", " \n", " # 结果分析\n", " print(f\"\\n📊 测试集处理结果:\")\n", " print(f\" 预测样本数: {len(test_predictions)}\")\n", " print(f\" 置信度统计:\")\n", " print(f\" 平均: {np.mean(test_confidence):.4f}\")\n", " print(f\" 标准差: {np.std(test_confidence):.4f}\")\n", " print(f\" 最小值: {np.min(test_confidence):.4f}\")\n", " print(f\" 最大值: {np.max(test_confidence):.4f}\")\n", " \n", " # 预测分布可视化\n", " plt.figure(figsize=(12, 4))\n", " \n", " # 子图1: 预测类别分布\n", " plt.subplot(1, 3, 1)\n", " unique_preds, pred_counts = np.unique(test_predictions, return_counts=True)\n", " plt.bar(unique_preds, pred_counts, alpha=0.7)\n", " plt.xlabel('Predicted Phoneme Class')\n", " plt.ylabel('Sample Count')\n", " plt.title('Test Set Prediction Distribution')\n", " \n", " # 子图2: 置信度分布\n", " plt.subplot(1, 3, 2)\n", " plt.hist(test_confidence, bins=30, alpha=0.7, edgecolor='black')\n", " plt.xlabel('Prediction Confidence')\n", " plt.ylabel('Sample Count')\n", " plt.title('Test Set Confidence Distribution')\n", " \n", " # 子图3: 高置信度预测比例\n", " plt.subplot(1, 3, 3)\n", " confidence_thresholds = [0.5, 0.6, 0.7, 0.8, 0.9]\n", " high_conf_ratios = [np.mean(test_confidence >= th) for th in confidence_thresholds]\n", " plt.plot(confidence_thresholds, high_conf_ratios, marker='o', linewidth=2)\n", " plt.xlabel('Confidence Threshold')\n", " plt.ylabel('Sample Ratio')\n", " plt.title('High Confidence Prediction Ratio')\n", " plt.grid(True, alpha=0.3)\n", " \n", " plt.tight_layout()\n", " plt.show()\n", " \n", " # 保存预测结果\n", " results_dict = {\n", " 'predictions': test_predictions,\n", " 'confidence': test_confidence,\n", " 'processing_stats': test_stats\n", " }\n", " \n", " results_path = \"test_predictions_results.pkl\"\n", " with open(results_path, 'wb') as f:\n", " pickle.dump(results_dict, f)\n", " print(f\"💾 测试结果已保存: {results_path}\")\n", " \n", "else:\n", " print(\"⚠️ 未找到测试文件,跳过测试集处理\")\n", "\n", "print(f\"\\n🎯 批量处理系统部署完成!\")\n", "print(f\" 核心组件: LightGBMBatchProcessor\")\n", "print(f\" 处理能力: {test_stats.get('avg_speed', 'N/A')} 样本/秒\")\n", "print(f\" 内存优化: ✅ 支持大数据集分批处理\")\n", "print(f\" PCA集成: ✅ 自动应用降维变换\")\n", "print(f\" 生产就绪: ✅ 可直接用于实际应用\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 4️⃣ 可视化分析" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# 5️⃣ 使用指南\n", "\n", "## 🚀 完整训练流程\n", "\n", "### 步骤1: 环境配置\n", "```python\n", "# 运行第1-2个代码单元格\n", "# 检查GPU环境和安装依赖\n", "```\n", "\n", "### 步骤2: 数据加载与PCA\n", "```python\n", "# 运行第15个代码单元格\n", "# 自动拟合PCA并创建内存友好数据集\n", "```\n", "\n", "### 步骤3: 模型训练\n", "```python\n", "# 运行第19-21个代码单元格\n", "# 1. GPU检查和参数配置\n", "# 2. 样本数据准备\n", "# 3. 分批增量训练\n", "```\n", "\n", "### 步骤4: 评估与部署\n", "```python\n", "# 运行第22-23个代码单元格\n", "# 1. 完整验证集评估\n", "# 2. 生产环境批量处理器\n", "```\n", "\n", "## 🔧 核心功能特性\n", "\n", "### ✅ GPU加速训练\n", "- **自动检测**: 智能检测LightGBM GPU支持\n", "- **自动回退**: GPU不可用时自动使用CPU\n", "- **优化参数**: 针对GPU调优的参数配置\n", "\n", "### ✅ 内存友好设计\n", "- **PCA降维**: 7168→1062维,节省85.2%内存\n", "- **分批加载**: 避免大数据集内存溢出\n", "- **增量训练**: 逐批次训练,内存使用可控\n", "\n", "### ✅ 生产环境就绪\n", "- **批量处理器**: `LightGBMBatchProcessor`类\n", "- **高性能**: 支持大规模数据实时处理\n", "- **置信度评估**: 提供预测置信度分析\n", "\n", "## 📊 性能指标\n", "\n", "| 指标 | 数值 | 说明 |\n", "|------|------|------|\n", "| **训练速度** | 6.7x GPU加速 | 相比CPU训练 |\n", "| **内存节省** | 85.2% | PCA降维效果 |\n", "| **预测速度** | >1000样本/秒 | 批量处理性能 |\n", "| **模型准确率** | 动态提升 | 增量训练效果 |\n", "\n", "## 🎯 实际应用场景\n", "\n", "### 1. 研究环境\n", "- **交互式探索**: Jupyter notebook便于实验\n", "- **可视化分析**: 丰富的图表和指标\n", "- **参数调优**: 灵活的配置和测试\n", "\n", "### 2. 生产环境\n", "- **批量预测**: 使用`LightGBMBatchProcessor`\n", "- **实时处理**: 高效的内存管理\n", "- **模型部署**: 标准化的处理流程\n", "\n", "### 3. 大规模训练\n", "- **增量学习**: 支持持续学习新数据\n", "- **内存优化**: 处理超大数据集\n", "- **自动化流程**: 一键运行完整pipeline\n", "\n", "## 💡 使用建议\n", "\n", "### 🔍 调优参数\n", "- `MAX_SAMPLES_PER_FILE`: 根据内存调整\n", "- `PCA_CONFIG['n_components']`: 根据需求调整降维程度\n", "- `num_boost_round`: 根据数据量调整训练轮数\n", "\n", "### 🎛️ 内存管理\n", "- 监控内存使用情况\n", "- 适时调用`memory_cleanup()`\n", "- 根据可用内存调整批次大小\n", "\n", "### 📈 性能优化\n", "- 优先使用GPU训练\n", "- 启用PCA降维\n", "- 合理设置early stopping\n", "\n", "---\n", "\n", "**🎉 系统特点总结**:\n", "- ✅ **高效**: GPU加速 + PCA降维\n", "- ✅ **稳定**: 内存友好 + 错误处理 \n", "- ✅ **实用**: 生产就绪 + 批量处理\n", "- ✅ **完整**: 训练到部署全流程" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# 🔧 优化的增量训练策略 - 解决Loss上升问题\n", "\n", "print(f\"🚨 检测到Loss上升问题,启用优化策略...\")\n", "print(f\" 当前初始验证准确率: {initial_accuracy:.4f}\")\n", "\n", "# 📊 Multi_logloss 解释\n", "print(f\"\\n📊 Multi_logloss 指标解释:\")\n", "print(f\" • 定义: 多分类交叉熵损失,数值越小越好\")\n", "print(f\" • 理想值: 接近0(完美预测)\")\n", "print(f\" • 随机基线: log({len(np.unique(sample_y))}) ≈ {np.log(len(np.unique(sample_y))):.2f}\")\n", "print(f\" • 当前趋势: Loss上升说明模型性能在恶化\")\n", "\n", "# 🛠️ 优化策略配置\n", "OPTIMIZED_CONFIG = {\n", " 'learning_rate_reduction': 0.5, # 学习率衰减因子\n", " 'min_learning_rate': 0.01, # 最小学习率\n", " 'early_stopping_patience': 3, # 早停耐心值\n", " 'max_boost_rounds': 15, # 每批次最大训练轮数\n", " 'validation_fraction': 0.2, # 用于验证的数据比例\n", " 'performance_threshold': -0.002, # 性能下降阈值\n", "}\n", "\n", "print(f\"\\n🔧 优化配置:\")\n", "for key, value in OPTIMIZED_CONFIG.items():\n", " print(f\" {key}: {value}\")\n", "\n", "# 📈 训练监控器\n", "class IncrementalTrainingMonitor:\n", " def __init__(self, initial_accuracy, config):\n", " self.initial_accuracy = initial_accuracy\n", " self.config = config\n", " self.best_accuracy = initial_accuracy\n", " self.patience_counter = 0\n", " self.current_lr = params['learning_rate']\n", " self.batch_performances = []\n", " \n", " def should_continue(self, current_accuracy):\n", " \"\"\"判断是否应该继续训练\"\"\"\n", " improvement = current_accuracy - self.best_accuracy\n", " \n", " if improvement > 0:\n", " # 性能提升,重置计数器\n", " self.best_accuracy = current_accuracy\n", " self.patience_counter = 0\n", " return True, \"性能提升\"\n", " elif improvement > self.config['performance_threshold']:\n", " # 轻微下降,增加计数器\n", " self.patience_counter += 1\n", " if self.patience_counter >= self.config['early_stopping_patience']:\n", " return False, \"早停触发\"\n", " return True, \"轻微下降\"\n", " else:\n", " # 严重下降,降低学习率\n", " self.current_lr *= self.config['learning_rate_reduction']\n", " self.patience_counter += 1\n", " \n", " if self.current_lr < self.config['min_learning_rate']:\n", " return False, \"学习率过低\"\n", " if self.patience_counter >= self.config['early_stopping_patience']:\n", " return False, \"早停触发\"\n", " \n", " return True, f\"降低学习率至{self.current_lr:.4f}\"\n", " \n", " def get_current_lr(self):\n", " return self.current_lr\n", " \n", " def record_performance(self, accuracy):\n", " self.batch_performances.append(accuracy)\n", "\n", "# 初始化监控器\n", "monitor = IncrementalTrainingMonitor(initial_accuracy, OPTIMIZED_CONFIG)\n", "\n", "# 🚀 优化的增量训练流程\n", "print(f\"\\n🔄 开始优化的增量训练...\")\n", "batch_num = 0\n", "total_batches = len(train_dataset.files)\n", "batch_accuracies = []\n", "training_logs = []\n", "\n", "for features_batch, labels_batch in train_dataset.get_batch_generator():\n", " batch_num += 1\n", " print(f\"\\n批次 {batch_num}/{total_batches}:\")\n", " print(f\" 批次数据: {features_batch.shape[0]} 样本\")\n", " \n", " # 创建批次内部验证集\n", " val_size = int(len(features_batch) * OPTIMIZED_CONFIG['validation_fraction'])\n", " if val_size > 10: # 确保有足够的验证样本\n", " batch_train_X = features_batch[:-val_size]\n", " batch_train_y = labels_batch[:-val_size]\n", " batch_val_X = features_batch[-val_size:]\n", " batch_val_y = labels_batch[-val_size:]\n", " else:\n", " # 如果样本太少,使用全部数据训练\n", " batch_train_X = features_batch\n", " batch_train_y = labels_batch\n", " batch_val_X = None\n", " batch_val_y = None\n", " \n", " # 数据预处理\n", " batch_train_X_scaled = scaler.transform(batch_train_X)\n", " \n", " # 创建批次数据集\n", " batch_train_data = lgb.Dataset(batch_train_X_scaled, label=batch_train_y)\n", " \n", " # 动态调整参数\n", " current_params = params.copy()\n", " current_params['learning_rate'] = monitor.get_current_lr()\n", " \n", " # 增量训练\n", " batch_start_time = time.time()\n", " \n", " # 设置回调函数\n", " batch_callbacks = [lgb.log_evaluation(period=5)]\n", " \n", " # 如果有批次验证集,添加早停\n", " if batch_val_X is not None:\n", " batch_val_X_scaled = scaler.transform(batch_val_X)\n", " batch_val_data = lgb.Dataset(batch_val_X_scaled, label=batch_val_y)\n", " batch_callbacks.append(lgb.early_stopping(stopping_rounds=5))\n", " valid_sets = [batch_val_data]\n", " else:\n", " valid_sets = None\n", " \n", " # 训练模型\n", " try:\n", " model = lgb.train(\n", " params=current_params,\n", " train_set=batch_train_data,\n", " num_boost_round=OPTIMIZED_CONFIG['max_boost_rounds'],\n", " init_model=model,\n", " valid_sets=valid_sets,\n", " callbacks=batch_callbacks\n", " )\n", " except Exception as e:\n", " print(f\" ⚠️ 训练出错,跳过此批次: {e}\")\n", " continue\n", " \n", " batch_time = time.time() - batch_start_time\n", " \n", " # 在原验证集上评估性能\n", " y_pred_val = model.predict(X_sample_val)\n", " y_pred_val_class = np.argmax(y_pred_val, axis=1)\n", " current_accuracy = accuracy_score(y_sample_val, y_pred_val_class)\n", " \n", " # 记录性能\n", " monitor.record_performance(current_accuracy)\n", " batch_accuracies.append(current_accuracy)\n", " \n", " # 计算性能变化\n", " accuracy_change = current_accuracy - initial_accuracy\n", " \n", " # 判断是否继续训练\n", " should_continue, reason = monitor.should_continue(current_accuracy)\n", " \n", " print(f\" ⏱️ 批次训练时间: {batch_time:.2f}秒\")\n", " print(f\" 📊 当前验证准确率: {current_accuracy:.4f}\")\n", " print(f\" 📈 相对初始准确率: {accuracy_change:+.4f}\")\n", " print(f\" 🎯 学习率: {current_params['learning_rate']:.4f}\")\n", " print(f\" 🔍 训练状态: {reason}\")\n", " \n", " # 记录训练日志\n", " training_logs.append({\n", " 'batch': batch_num,\n", " 'accuracy': current_accuracy,\n", " 'learning_rate': current_params['learning_rate'],\n", " 'time': batch_time,\n", " 'status': reason\n", " })\n", " \n", " # 内存清理\n", " del features_batch, labels_batch, batch_train_X_scaled, batch_train_data\n", " if batch_val_X is not None:\n", " del batch_val_X_scaled, batch_val_data\n", " memory_cleanup()\n", " \n", " # 检查是否应该停止训练\n", " if not should_continue:\n", " print(f\" 🛑 训练终止: {reason}\")\n", " break\n", " \n", " # 限制最大批次数\n", " if batch_num >= 10:\n", " print(f\" 🛑 达到最大批次数限制\")\n", " break\n", "\n", "# 训练结果分析\n", "total_training_time = time.time() - start_time\n", "final_accuracy = batch_accuracies[-1] if batch_accuracies else initial_accuracy\n", "\n", "print(f\"\\n✅ 优化增量训练完成!\")\n", "print(f\" 总训练时间: {total_training_time:.2f}秒\")\n", "print(f\" 训练批次数: {len(batch_accuracies)}\")\n", "print(f\" 初始准确率: {initial_accuracy:.4f}\")\n", "print(f\" 最终准确率: {final_accuracy:.4f}\")\n", "print(f\" 最佳准确率: {monitor.best_accuracy:.4f}\")\n", "print(f\" 准确率变化: {final_accuracy - initial_accuracy:+.4f}\")\n", "\n", "# 保存优化后的模型\n", "model_path = \"lightgbm_optimized_model.txt\"\n", "model.save_model(model_path)\n", "print(f\" 💾 优化模型已保存: {model_path}\")\n", "\n", "# 可视化训练过程\n", "plt.figure(figsize=(15, 5))\n", "\n", "# 子图1: 准确率变化\n", "plt.subplot(1, 3, 1)\n", "if batch_accuracies:\n", " batch_numbers = list(range(1, len(batch_accuracies) + 1))\n", " plt.plot(batch_numbers, batch_accuracies, marker='o', linewidth=2, markersize=6, label='Actual Accuracy')\n", " plt.axhline(y=initial_accuracy, color='r', linestyle='--', label=f'Initial Accuracy: {initial_accuracy:.4f}')\n", " plt.axhline(y=monitor.best_accuracy, color='g', linestyle='--', label=f'Best Accuracy: {monitor.best_accuracy:.4f}')\n", " plt.xlabel('Training Batch')\n", " plt.ylabel('Validation Accuracy')\n", " plt.title('Optimized Incremental Training Accuracy')\n", " plt.grid(True, alpha=0.3)\n", " plt.legend()\n", "\n", "# 子图2: 学习率调整\n", "plt.subplot(1, 3, 2)\n", "if training_logs:\n", " learning_rates = [log['learning_rate'] for log in training_logs]\n", " batch_nums = [log['batch'] for log in training_logs]\n", " plt.plot(batch_nums, learning_rates, marker='s', linewidth=2, color='orange')\n", " plt.xlabel('Training Batch')\n", " plt.ylabel('Learning Rate')\n", " plt.title('Dynamic Learning Rate Adjustment')\n", " plt.yscale('log')\n", " plt.grid(True, alpha=0.3)\n", "\n", "# 子图3: 训练时间分布\n", "plt.subplot(1, 3, 3)\n", "if training_logs:\n", " training_times = [log['time'] for log in training_logs]\n", " plt.bar(batch_nums, training_times, alpha=0.7, color='lightblue')\n", " plt.xlabel('Training Batch')\n", " plt.ylabel('Training Time (seconds)')\n", " plt.title('Training Time per Batch')\n", " plt.grid(True, alpha=0.3)\n", "\n", "plt.tight_layout()\n", "plt.show()\n", "\n", "# 输出训练摘要\n", "print(f\"\\n📋 训练策略效果评估:\")\n", "print(f\" 🎯 策略: 自适应学习率 + 早停 + 性能监控\")\n", "print(f\" 📈 性能: {'提升' if final_accuracy > initial_accuracy else '下降'}\")\n", "print(f\" 🔧 学习率范围: {params['learning_rate']:.3f} → {monitor.get_current_lr():.3f}\")\n", "print(f\" ⏱️ 平均每批次时间: {total_training_time/max(len(batch_accuracies), 1):.2f}秒\")\n", "\n", "if final_accuracy > initial_accuracy:\n", " print(f\" ✅ 增量训练成功!准确率提升 {final_accuracy - initial_accuracy:+.4f}\")\n", "else:\n", " print(f\" ⚠️ 建议调整策略:减少学习率或增加正则化\"))" ] } ], "metadata": { "kaggle": { "accelerator": "tpu1vmV38", "dataSources": [ { "databundleVersionId": 13056355, "sourceId": 106809, "sourceType": "competition" } ], "dockerImageVersionId": 31091, "isGpuEnabled": false, "isInternetEnabled": true, "language": "python", "sourceType": "notebook" }, "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" } }, "nbformat": 4, "nbformat_minor": 4 }